From 3ae7c15e510ea8733264796783562bfa81228313 Mon Sep 17 00:00:00 2001 From: avglinsky Date: Mon, 4 Sep 2023 18:37:33 +0300 Subject: [PATCH 01/82] speech-function-classifier model changed --- .../speech_function_classifier/Dockerfile | 14 +- .../speech_function_classifier/models.py | 669 +----------------- .../speech_function_classifier/server.py | 2 +- components/XWQGXXbppnHZVm1hyDIw.yml | 3 +- 4 files changed, 22 insertions(+), 666 deletions(-) diff --git a/annotators/speech_function_classifier/Dockerfile b/annotators/speech_function_classifier/Dockerfile index 30a3ae5c07..126815ab99 100644 --- a/annotators/speech_function_classifier/Dockerfile +++ b/annotators/speech_function_classifier/Dockerfile @@ -4,18 +4,8 @@ WORKDIR /src RUN apt-get update && apt-get install -y --allow-unauthenticated git curl && rm -rf /var/lib/apt/lists/* -RUN mkdir /models && \ - curl https://files.deeppavlov.ai/alexaprize_data/speech_function_classifier.tar.gz --output arch.tgz && \ - tar zxfv arch.tgz && \ - rm -rf arch.tgz && \ - curl https://files.deeppavlov.ai/dream/speech_function_classifier/res_cor.json --output data/res_cor.json && \ - mv data/* /models && \ - rm -rf data - -COPY annotators/speech_function_classifier/requirements.txt requirements.txt - -RUN pip install -r requirements.txt && \ - python -c "import nltk; nltk.download('punkt')" +RUN git clone -b feat/speech-fn https://github.com/deeppavlov/DeepPavlov.git && \ + cd DeepPavlov && pip install -e . && cd .. && rm -rf DeepPavlov && python -m deeppavlov download speech_fn COPY . ./ diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index 76e1bc6b57..0f7383c0b4 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -1,660 +1,27 @@ -import json -import pickle -import re -from collections import defaultdict +from deeppavlov import build_model -import numpy as np -import pandas as pd -import spacy -import torch -from nltk import word_tokenize +model = build_model('speech_fn') -# from sklearn.linear_model import LogisticRegression -from sklearn.ensemble import GradientBoostingClassifier - -# from sklearn.naive_bayes import GaussianNB -# from sklearn.ensemble import RandomForestClassifier -# from sklearn.ensemble import VotingClassifier -# from sklearn.svm import SVC -from transformers import AutoTokenizer, AutoModel - -nlp = spacy.load("en_core_web_sm") - -cuda_is_available = torch.cuda.is_available() - -with open("/models/res_cor.json") as data: - res_cor = json.load(data) - -with open("/models/track_list.txt") as track_list: - track_list = track_list.readlines() - - -def load_pickle(filepath): - documents_f = open(filepath, "rb") - file = pickle.load(documents_f) - documents_f.close() - return file - - -nn_classifier = load_pickle("/models/nn_classifier.pickle") -question_classifier = load_pickle("/models/question_model.pickle") -replies_classifier = load_pickle("/models/replies_model.pickle") -sustain_classifier = load_pickle("/models/sustain_model.pickle") -respond_classifier = load_pickle("/models/respond_model.pickle") -upper_classifier = load_pickle("/models/upper_class_model.pickle") -scaler = load_pickle("/models/scaler.pickle") - -dialogues = [] -for d in res_cor[:2]: - samples = defaultdict(dict) - result = d["completions"][0]["result"] - texts_without_labels = d["data"]["text"] - for sample in result: - speaker = texts_without_labels[int(sample["value"]["start"])]["speaker"] - samples[sample["id"]]["speaker"] = speaker - samples[sample["id"]]["text"] = sample["value"]["text"] - samples[sample["id"]]["start"] = int(sample["value"]["start"]) - if "paragraphlabels" in sample["value"]: - samples[sample["id"]]["paragraphlabels"] = sample["value"]["paragraphlabels"][0] - if "choices" in sample["value"]: - samples[sample["id"]]["choices"] = sample["value"]["choices"][0] - - sorted_samples = sorted([(samples[sample_id]["start"], sample_id) for sample_id in samples]) - texts = [] - labels = [] - speakers = [] - for _, sample_id in sorted_samples: - if samples[sample_id]["text"] != "PAUSE": - texts.append(str(samples[sample_id]["text"]).replace("\n", "")) - speakers.append(samples[sample_id]["speaker"]) - paragraph_labels = samples[sample_id].get("paragraphlabels", "") - choices = samples[sample_id].get("choices", "") - labels.append(paragraph_labels + "." + choices) - dialogues.append((texts, labels, speakers)) - -train_data = dialogues[1][0] -test_data = dialogues[0][0] - -train_labels = dialogues[1][1] -test_labels = dialogues[0][1] - - -def delete_odds(list_with_lines): - for i in range(len(list_with_lines)): - if "them" in list_with_lines[i]: - list_with_lines[i] = list_with_lines[i].replace("them", " them ") - if " em " in list_with_lines[i]: - list_with_lines[i] = list_with_lines[i].replace(" em ", " them ") - if "laugh" in list_with_lines[i]: - list_with_lines[i] = list_with_lines[i].replace("laugh", "") - if "uh?" in list_with_lines[i]: - list_with_lines[i] = list_with_lines[i].replace("uh?", "") - if "ʔuh" in list_with_lines[i]: - list_with_lines[i] = list_with_lines[i].replace("ʔuh", "") - if "ʔ" in list_with_lines[i]: - list_with_lines[i] = list_with_lines[i].replace("ʔ", "") - return list_with_lines - - -previous_lines_sust = [] -sustains = [] -sus_tags = [] -for i in range(len(train_data)): - if "Sustain" in train_labels[i]: - previous_lines_sust.append(train_data[i - 1]) - sustains.append(train_data[i]) - sus_tags.append(train_labels[i]) -for i in range(len(test_data)): - if "Sustain" in test_labels[i]: - previous_lines_sust.append(test_data[i - 1]) - sustains.append(test_data[i]) - sus_tags.append(test_labels[i]) - -for i in range(len(sus_tags)): - if "Append" in sus_tags[i]: - sus_tags[i] = re.sub("Append", "Prolong", sus_tags[i]) - -sustains = delete_odds(sustains) - -responds = [] -previous_responds = [] -respond_tags = [] -for i in range(len(train_data)): - if "Answer" in train_labels[i]: - continue - if "Disengage" in train_labels[i]: - continue - elif "Respond" in train_labels[i]: - responds.append(train_data[i]) - previous_responds.append(train_data[i - 1]) - respond_tags.append(train_labels[i]) - -for i in range(len(test_data)): - if "Answer" in test_labels[i]: - continue - if "Disengage" in test_labels[i]: - continue - elif "Respond" in test_labels[i]: - responds.append(test_data[i]) - previous_responds.append(test_data[i - 1]) - respond_tags.append(test_labels[i]) - - -def clean_responds(respond_tags): - for i in range(len(respond_tags)): - if "Decline" in respond_tags[i]: - respond_tags[i] = re.sub("Decline", "Contradict", respond_tags[i]) - if "Accept" in respond_tags[i]: - respond_tags[i] = re.sub("Accept", "Affirm", respond_tags[i]) - tag_list = respond_tags[i].split(".")[-2:] - respond_tags[i] = ".".join(tag_list) - return respond_tags - - -respond_tags = clean_responds(respond_tags) - -previous_lines = [] -replies = [] -tags = [] -for i in range(len(train_data)): - if "Reply" in train_labels[i]: - if "?" not in train_labels[i]: - previous_lines.append(train_data[i - 1]) - replies.append(train_data[i]) - tags.append(train_labels[i]) - -for i in range(len(test_data)): - if "Reply" in test_labels[i]: - if "?" not in test_labels[i]: - previous_lines.append(test_data[i - 1]) - replies.append(test_data[i]) - tags.append(test_labels[i]) - -for i in range(len(tags)): - tag_list = tags[i].split(".")[-2:] - tags[i] = str(".".join(tag_list)) - if "Answer" in tags[i]: - tags[i] = "Response.Resolve." - -train_speakers = dialogues[1][2] -test_speakers = dialogues[0][2] - -train_data = delete_odds(train_data) -test_data = delete_odds(test_data) - - -def get_cut_labels(labels): - for i in range(len(labels)): - if labels[i].startswith("Open"): - labels[i] = "Open." - if labels[i].startswith("React.Rejoinder."): - labels[i] = "React.Rejoinder." - if labels[i].startswith("React.Respond."): - labels[i] = "React.Respond." - if labels[i].startswith("Sustain.Continue."): - labels[i] = "Sustain.Continue." - return labels - - -cut_train_labels = get_cut_labels(train_labels) - -cut_test_labels = get_cut_labels(test_labels) - -tokenizer = AutoTokenizer.from_pretrained("DeepPavlov/bert-base-cased-conversational") -embed_model = AutoModel.from_pretrained("DeepPavlov/bert-base-cased-conversational") - -if cuda_is_available: - embed_model.to("cuda") - - -def get_embeddings(data): - outputs = [] - for text in data: - with torch.no_grad(): - input_ph = tokenizer(text, padding=True, truncation=True, max_length=30, return_tensors="pt") - if cuda_is_available: - input_ph.to("cuda") - output_ph = embed_model(**input_ph) - # train_outputs.append(output_ph.pooler_output.cpu().numpy()) - sentence_embedding = output_ph.last_hidden_state.mean(dim=1).cpu().numpy() - outputs.append(sentence_embedding) - outputs = np.concatenate(outputs) - return outputs - - -all_outputs = [] -all_outputs.extend(get_embeddings(train_data)) -all_outputs.extend(get_embeddings(test_data)) - -all_cuts = [] -all_cuts.extend(cut_train_labels) -all_cuts.extend(cut_test_labels) - -# model = LogisticRegression(C = 0.1, multi_class = 'ovr', solver='newton-cg', class_weight = 'balanced') - -# print(f"all_outputs = {all_outputs}") -# print(f"all_outputs.shape = {all_outputs.shape}") -# print(f"len(all_cuts) = {len(all_cuts)}") -# print(f"all_cuts = {all_cuts}") -# model.fit(all_outputs, all_cuts) - - -def upper_class_predict(phrase_embeddings): - y_pred_sample = upper_classifier.predict(phrase_embeddings) - return y_pred_sample - - -def number_of_specific_entities(sent): - entity_dict = { - "PERSON": 0, - "NORP": 0, - "FAC": 0, - "ORG": 0, - "GPE": 0, - "LOC": 0, - "PRODUCT": 0, - "EVENT": 0, - "WORK_OF_ART": 0, - "LAW": 0, - "LANGUAGE": 0, - "DATE": 0, - "TIME": 0, - "PERCENT": 0, - "MONEY": 0, - "QUANTITY": 0, - "ORDINAL": 0, - "CARDINAL": 0, - } - entities = [ent.label_ for ent in sent.as_doc().ents] - for entity in entities: - entity_dict[entity] += 1 - return entity_dict - - -def number_of_fine_grained_pos_tags(sent): - tag_dict = { - "-LRB-": 0, - "-RRB-": 0, - ",": 0, - ":": 0, - ".": 0, - "''": 0, - '""': 0, - "#": 0, - "``": 0, - "$": 0, - "ADD": 0, - "AFX": 0, - "BES": 0, - "CC": 0, - "CD": 0, - "DT": 0, - "EX": 0, - "FW": 0, - "GW": 0, - "HVS": 0, - "HYPH": 0, - "IN": 0, - "JJ": 0, - "JJR": 0, - "JJS": 0, - "LS": 0, - "MD": 0, - "NFP": 0, - "NIL": 0, - "NN": 0, - "NNP": 0, - "NNPS": 0, - "NNS": 0, - "PDT": 0, - "POS": 0, - "PRP": 0, - "PRP$": 0, - "RB": 0, - "RBR": 0, - "RBS": 0, - "RP": 0, - "_SP": 0, - "SYM": 0, - "TO": 0, - "UH": 0, - "VB": 0, - "VBD": 0, - "VBG": 0, - "VBN": 0, - "VBP": 0, - "VBZ": 0, - "WDT": 0, - "WP": 0, - "WP$": 0, - "WRB": 0, - "XX": 0, - "OOV": 0, - "TRAILING_SPACE": 0, - } - for token in sent: - if token.is_oov: - tag_dict["OOV"] += 1 - elif token.tag_ == "": - tag_dict["TRAILING_SPACE"] += 1 - else: - tag_dict[token.tag_] += 1 - - return tag_dict - - -def divide_into_sentences(document): - return [sent for sent in document.sents] - - -def predict(test_sent): - parsed_test = divide_into_sentences(nlp(test_sent)) - # Get features - sentence_with_features = {} - entities_dict = number_of_specific_entities(parsed_test[0]) - sentence_with_features.update(entities_dict) - pos_dict = number_of_fine_grained_pos_tags(parsed_test[0]) - sentence_with_features.update(pos_dict) - # dep_dict = number_of_dependency_tags(parsed_test[0]) - # sentence_with_features.update(dep_dict) - df = pd.DataFrame(sentence_with_features, index=[0]) - df = scaler.transform(df) - - prediction = nn_classifier.predict(df) - if prediction == 0: - open_tag = "Fact" - else: - open_tag = "Opinion" - return open_tag - - -def get_open_labels(phrase, y_pred): - open_tag = predict(phrase) - if open_tag == "Fact": - if "?" not in phrase: - open_tag = "Give.Fact" - else: - open_tag = "Demand.Fact" - else: - if "?" not in phrase: - open_tag = "Give.Opinion" - else: - open_tag = "Demand.Opinion" - y_pred = y_pred + open_tag - if len(word_tokenize(phrase)) < 4: - poses = [] - doc = nlp(phrase) - for token in doc: - poses.append(token.pos_) - if "PROPN" in poses: - y_pred = "Open.Attend" - return y_pred - - -def check_develop(y_pred, y_pred_previous, current_speaker, previous_speaker): - if current_speaker != previous_speaker: - if "Sustain.Continue." in y_pred_previous: - if "Sustain.Continue." in y_pred: - y_pred = "React.Respond.Support.Develop." - return y_pred - - -# train_sustains = get_embeddings(sustains) - -# boosting_model_sus = GradientBoostingClassifier(n_estimators=35, -# learning_rate=0.5, max_features=1, max_depth=3, random_state=42) - - -# print(f"train_sustains = {train_sustains}") -# print(f"train_sustains.shape = {train_sustains.shape}") -# print(f"len(sus_tags) = {len(sus_tags)}") -# print(f"sus_tags = {sus_tags}") -# boosting_model_sus.fit(train_sustains,sus_tags) - - -def get_label_for_sustains(phrase, y_pred): - test_sustains = [] - test_sustains.append(phrase) - test_sustains_emb = get_embeddings(test_sustains) - tags_for_sus = sustain_classifier.predict(test_sustains_emb) - if y_pred == "Sustain.Continue.": - y_pred = "".join(tags_for_sus) - if y_pred == "React.Respond.Support.Develop.": - cut_tags = "".join(tags_for_sus).split(".")[-1] - if cut_tags != "Monitor": - y_pred += cut_tags - return y_pred - - -def map_tracks(tags_for_track): - true_tracks = { - "1": "Track.Check", - "2": "Track.Confirm", - "3": "Track.Clarify", - "4": "Track.Probe", - } - for i in range(len(list(tags_for_track))): - if tags_for_track[i] == "5": - tag = tags_for_track[i] - else: - tag = true_tracks[tags_for_track[i]] - return tag - - -que_model = GradientBoostingClassifier(n_estimators=35, learning_rate=0.5, max_features=1, max_depth=3, random_state=42) - -train_que = [] -train_tags = [] -for line in track_list: - line = line.split("/") - train_que.append(line[0]) - train_tags.append(line[1][:-1]) - -# train_em_que = get_embeddings(train_que) - -# print(f"train_em_que = {train_em_que}") -# print(f"train_em_que.shape = {train_em_que.shape}") -# train_tags = [int(tag) if tag else 0 for tag in train_tags] -# print(f"len(train_tags) = {len(train_tags)}") -# print(f"train_tags = {train_tags}") -# que_model.fit(train_em_que, train_tags) - - -def get_label_for_question(phrase, y_pred, current_speaker, previous_speaker): - interrogative_words = [ - "whose", - "what", - "which", - "who", - "whom", - "what", - "which", - "why", - "where", - "when", - "how", - ] - questions = list() - questions.append(phrase) - question_embeddings = get_embeddings(questions) - y_pred_track = question_classifier.predict(question_embeddings) - tag_for_track = map_tracks(y_pred_track) - if current_speaker != previous_speaker: - if y_pred == "React.Respond." and tag_for_track != "5": - y_pred = "React.Rejoinder.Support." + tag_for_track - if y_pred == "React.Rejoinder." and tag_for_track != "5": - y_pred += "Support." - y_pred += tag_for_track - if y_pred == "React.Rejoinder." and tag_for_track == "5": - for word in interrogative_words: - if word in phrase: - y_pred = "React.Rejoinder.Confront.Challenge.Rebound" - else: - y_pred = "React.Rejoinder.Confront.Response.Re-challenge" - if y_pred == "Sustain.Continue.": - y_pred = "React.Rejoinder.Support." + tag_for_track - if current_speaker == previous_speaker: - if y_pred == "React.Rejoinder." and tag_for_track != "5": - y_pred += "Support." - y_pred += tag_for_track - if y_pred == "React.Rejoinder." and tag_for_track == "5": - for word in interrogative_words: - if word in phrase: - y_pred = "React.Rejoinder.Confront.Challenge.Rebound" - else: - y_pred = "React.Rejoinder.Confront.Response.Re-challenge" - if y_pred == "Sustain.Continue.": - y_pred = "Sustain.Continue.Monitor" - if "Confirm" in y_pred: - for word in interrogative_words: - if word in phrase.lower(): - y_pred = re.sub("Confirm", "Clarify", y_pred) - return y_pred - - -# train_embed_replies = get_embeddings(replies) -# train_prev_lines = get_embeddings(previous_lines) -# reply_concatenate = np.concatenate([train_embed_replies, train_prev_lines], axis=1) -# -# clf1 = RandomForestClassifier(n_estimators=50, random_state=42) -# clf2 = SVC(gamma=.1, kernel='rbf', probability=True) -# clf3 = GaussianNB() -# eclf = VotingClassifier(estimators=[ -# ('rf', clf1), ('svc', clf2), ('gnb', clf3)], -# voting='soft', weights=[2,1,1], -# flatten_transform=True) -# eclf = eclf.fit(reply_concatenate,tags) -# -# train_emb_responds = get_embeddings(responds) -# train_prev_responds = get_embeddings(previous_responds) -# responds_concatenate = np.concatenate([train_emb_responds, train_prev_responds], axis=1) -# -# svc_responds = SVC(gamma=.1, kernel='rbf', probability=True) -# svc_responds.fit(responds_concatenate,respond_tags) - - -def get_label_for_responds(phrase, previous_phrase, y_pred, y_pred_previous, current_speaker, previous_speaker): - confront_labels = ["Reply.Disawow", "Reply.Disagree", "Reply.Contradict"] - support_labels = [ - "Reply.Acknowledge", - "Reply.Affirm", - "Reply.Agree", - "Develop.Elaborate", - "Develop.Enhance", - "Develop.Extend", - ] - try_replies = [] - test_prev_lines = [] - test_responds = [] - test_responds_prev_lines = [] - if "?" in previous_phrase: - if current_speaker != previous_speaker: - test_prev_lines.append(previous_phrase) - try_replies.append(phrase) - test_concat = np.concatenate([get_embeddings(try_replies), get_embeddings(test_prev_lines)], axis=1) - tag_for_reply = replies_classifier.predict(test_concat) - if tag_for_reply == "Reply.Decline" or tag_for_reply == "Reply.Disagree": - tag_for_reply = "Reply.Contradict" - if "yes" in str(try_replies).lower(): - tag_for_reply = "Reply.Affirm" - for token in nlp(str(try_replies)): - if token.dep_ == "neg" or token.text == "no": - if tag_for_reply in support_labels[:3]: - tag_for_reply = "Reply.Contradict" - if tag_for_reply in confront_labels: - y_pred = y_pred + "Confront." + "".join(tag_for_reply) - if tag_for_reply in support_labels: - y_pred = y_pred + "Support." + "".join(tag_for_reply) - if "Response.Resolve." in tag_for_reply: - y_pred = "React.Rejoinder.Support.Response.Resolve" +def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): + if predicted_sf == 'Command': + if ("Open" in previous_sf or previous_sf is None) and current_speaker == previous_speaker: + return 'Open.Command' + elif current_speaker == previous_speaker: + return 'Sustain.Continue.Command' else: - test_responds_prev_lines.append(previous_phrase) - test_responds.append(phrase) - test_responds_concatenate = np.concatenate( - [ - get_embeddings(test_responds), - get_embeddings(test_responds_prev_lines), - ], - axis=1, - ) - tags_for_responds = respond_classifier.predict(test_responds_concatenate) - if tags_for_responds in confront_labels: - y_pred = y_pred + "Confront." + "".join(tags_for_responds) - if tags_for_responds in support_labels: - y_pred = y_pred + "Support." + "".join(tags_for_responds) - for token in nlp(phrase): - if token.dep_ == "neg": - return "React.Rejoinder.Confront.Challenge.Counter" - else: - test_responds_prev_lines.append(previous_phrase) - test_responds.append(phrase) - test_responds_concatenate = np.concatenate( - [get_embeddings(test_responds), get_embeddings(test_responds_prev_lines)], - axis=1, - ) - tags_for_responds = respond_classifier.predict(test_responds_concatenate) - if tags_for_responds in support_labels: - y_pred = y_pred + "Support." + "".join(tags_for_responds) - elif tags_for_responds in confront_labels: - y_pred = y_pred + "Confront." + "".join(tags_for_responds) - else: - y_pred = y_pred + "".join(tags_for_responds) - for token in nlp(phrase): - if token.dep_ == "neg": - y_pred = "React.Rejoinder.Confront.Challenge.Counter" - return y_pred - - -def get_labels_for_rejoinder(phrase, previous_phrase, current_speaker, previous_speaker): - for token in nlp(phrase): - if token.dep_ == "neg": - y_pred = "React.Rejoinder.Confront.Challenge.Counter" - return y_pred - if "?" in previous_phrase: - if previous_speaker != current_speaker: - y_pred = "React.Rejoinder.Support.Response.Resolve" + return 'React.Respond.Command' + elif predicted_sf == 'Engage': + if previous_sf is None: + return 'Open.Attend' else: - y_pred = "React.Rejoinder.Confront.Response.Re-challenge" - else: - y_pred = "React.Respond.Support.Develop.Extend" - return y_pred - - -def check_functions(y_pred, current_speaker, prev_speaker): - if "Sustain" in y_pred: - if current_speaker != prev_speaker: - y_pred = re.sub("Sustain.Continue.Prolong.", "React.Respond.Support.Develop.", y_pred) - if "Develop" in y_pred: - if current_speaker == prev_speaker: - y_pred = re.sub("React.Respond.Support.Develop.", "Sustain.Continue.Prolong.", y_pred) - return y_pred + return 'React.Respond.Support.Engage' + return predicted_sf -def get_speech_function(phrase, prev_phrase, prev_speech_function, speaker="John", previous_speaker="Doe"): +def get_speech_function(phrase, prev_phrase, speaker="John", previous_speaker="Doe"): # note: default values for current and previous speaker are only to make them different. In out case they are always # different (bot and human) - test_embeddings = get_embeddings([phrase]) - y_pred = "".join(list(upper_class_predict(test_embeddings))) - if prev_phrase is None: - y_pred = get_open_labels(phrase, "Open.") - else: - if y_pred == "Open.": - y_pred = get_open_labels(phrase, y_pred) - if y_pred == "Sustain.Continue.": - y_pred = check_develop(y_pred, prev_speech_function, speaker, previous_speaker) - y_pred = get_label_for_sustains(phrase, y_pred) - if "?" in phrase: - y_pred = get_label_for_question(phrase, y_pred, speaker, previous_speaker) - if y_pred == "React.Respond.": - y_pred = get_label_for_responds( - phrase, - prev_phrase, - y_pred, - prev_speech_function, - speaker, - previous_speaker, - ) - if y_pred == "React.Rejoinder.": - y_pred = get_labels_for_rejoinder(phrase, prev_phrase, speaker, previous_speaker) - y_pred = check_functions(y_pred, speaker, previous_speaker) + + predicted_sf = model((phrase,), (prev_phrase,)) + y_pred = check_sfs(predicted_sf, prev_phrase, speaker, previous_speaker) return y_pred diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 5ce5adb28d..cbd8a47f93 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -57,7 +57,7 @@ async def handler(payload: List[Payload]): authors = ["John"] + ["Doe"] * phrase_len response = [p.prev_speech_function] for phr, prev_phr, auth, prev_auth in zip(phrases[1:], phrases[:-1], authors[1:], authors[:-1]): - speech_f = get_speech_function(phr, prev_phr, response[-1], auth, prev_auth) + speech_f = get_speech_function(phr, prev_phr, auth, prev_auth) response.append(speech_f) responses[i] = response[1:] except Exception as e: diff --git a/components/XWQGXXbppnHZVm1hyDIw.yml b/components/XWQGXXbppnHZVm1hyDIw.yml index 690a680ed2..f28e647361 100644 --- a/components/XWQGXXbppnHZVm1hyDIw.yml +++ b/components/XWQGXXbppnHZVm1hyDIw.yml @@ -4,8 +4,7 @@ component_type: null model_type: NN-based is_customizable: false author: publisher@deeppavlov.ai -description: a hierarchical algorithm based on several linear models and a rule-based - approach for the prediction of speech functions described by Eggins and Slade +description: an algorithm based on NN ram_usage: 1.1G gpu_usage: 4.5G group: candidate_annotators From 4dcc6ba12bc9b98fa7b32e4d11e08eb673b3193a Mon Sep 17 00:00:00 2001 From: avglinsky Date: Thu, 7 Sep 2023 13:40:20 +0300 Subject: [PATCH 02/82] dream_Speech_models_based dist initial added --- .../dream_Speech_models_based/cpu.yml | 27 + .../dream_Speech_models_based/db_conf.json | 6 + .../dream_Speech_models_based/dev.yml | 160 +++++ .../docker-compose.override.yml | 485 +++++++++++++++ .../dream_Speech_models_based/gpu1.yml | 78 +++ .../pipeline_conf.json | 570 ++++++++++++++++++ .../dream_Speech_models_based/proxy.yml | 128 ++++ .../dream_Speech_models_based/telegram.yml | 17 + .../dream_Speech_models_based/test.yml | 74 +++ 9 files changed, 1545 insertions(+) create mode 100644 assistant_dists/dream_Speech_models_based/cpu.yml create mode 100644 assistant_dists/dream_Speech_models_based/db_conf.json create mode 100644 assistant_dists/dream_Speech_models_based/dev.yml create mode 100644 assistant_dists/dream_Speech_models_based/docker-compose.override.yml create mode 100644 assistant_dists/dream_Speech_models_based/gpu1.yml create mode 100644 assistant_dists/dream_Speech_models_based/pipeline_conf.json create mode 100644 assistant_dists/dream_Speech_models_based/proxy.yml create mode 100644 assistant_dists/dream_Speech_models_based/telegram.yml create mode 100644 assistant_dists/dream_Speech_models_based/test.yml diff --git a/assistant_dists/dream_Speech_models_based/cpu.yml b/assistant_dists/dream_Speech_models_based/cpu.yml new file mode 100644 index 0000000000..d90f6d159e --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/cpu.yml @@ -0,0 +1,27 @@ +version: '3.7' +services: + ner: + environment: + DEVICE: cpu + CUDA_VISIBLE_DEVICES: "" + kbqa: + environment: + CUDA_VISIBLE_DEVICES: "" + combined-classification: + environment: + CUDA_VISIBLE_DEVICES: "" + text-qa: + environment: + CUDA_VISIBLE_DEVICES: "" + fact-retrieval: + environment: + CUDA_VISIBLE_DEVICES: "" + entity-detection: + environment: + CUDA_VISIBLE_DEVICES: "" + sentence-ranker: + environment: + CUDA_VISIBLE_DEVICES: "" + intent-catcher: + environment: + CUDA_VISIBLE_DEVICES: "" diff --git a/assistant_dists/dream_Speech_models_based/db_conf.json b/assistant_dists/dream_Speech_models_based/db_conf.json new file mode 100644 index 0000000000..a9ba6813f5 --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/db_conf.json @@ -0,0 +1,6 @@ +{ + "host": "DB_HOST", + "port": "DB_PORT", + "name": "DB_NAME", + "env": true +} \ No newline at end of file diff --git a/assistant_dists/dream_Speech_models_based/dev.yml b/assistant_dists/dream_Speech_models_based/dev.yml new file mode 100644 index 0000000000..37a460fd0d --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/dev.yml @@ -0,0 +1,160 @@ +# С такими volumes удобно дебажить, не нужно пересобирать контейнер каждый раз при изменении кода +services: + agent: + volumes: + - ".:/dp-agent" + ports: + - 4242:4242 + + sentseg: + volumes: + - "./annotators/SentSeg:/src" + ports: + - 8011:8011 + ranking-based-response-selector: + volumes: + - "./response_selectors/ranking_based_response_selector:/src" + - "./common:/src/common" + ports: + - 8002:8002 + dff-intent-responder-skill: + volumes: + - "./skills/dff_intent_responder_skill:/src" + - "./common:/src/common" + ports: + - 8012:8012 + intent-catcher: + volumes: + - "./annotators/IntentCatcherTransformers:/src" + - "./common:/src/common" + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8014:8014 + ner: + volumes: + - './annotators/NER_deeppavlov:/src' + - "~/.deeppavlov:/root/.deeppavlov" + ports: + - 8021:8021 + factoid-qa: + volumes: + - "./skills/factoid_qa:/src" + - "./common:/src/common" + ports: + - 8071:8071 + kbqa: + volumes: + - "./annotators/kbqa:/src" + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8072:8072 + entity-linking: + volumes: + - "./annotators/entity_linking:/src" + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8075:8075 + wiki-parser: + volumes: + - "./annotators/wiki_parser:/src" + - "./common:/src/common" + ports: + - 8077:8077 + mongo: + ports: + - 27017:27017 + # # you can use persistent local volume if you need + # volumes: + # - ./venv/data/db_data:/root/data/db + text-qa: + volumes: + - "./services/text_qa:/src" + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8078:8078 + combined-classification: + volumes: + - "./common:/src/common" + - "./annotators/combined_classification:/src" + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8087:8087 + fact-retrieval: + volumes: + - "./annotators/fact_retrieval:/src" + - "~/.deeppavlov:/root/.deeppavlov" + - "./common:/src/common" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8100:8100 + entity-detection: + volumes: + - "./annotators/entity_detection:/src" + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8103:8103 + sentence-ranker: + volumes: + - "./services/sentence_ranker:/src" + - "~/.deeppavlov/cache:/root/.cache" + ports: + - 8128:8128 + prompt-selector: + volumes: + - "./annotators/prompt_selector:/src" + - "./common:/src/common" + ports: + - 8135:8135 + openai-api-chatgpt: + volumes: + - "./services/openai_api_lm:/src" + - "./common:/src/common" + ports: + - 8145:8145 + dff-dream-persona-chatgpt-prompted-skill: + volumes: + - "./skills/dff_template_prompted_skill:/src" + - "./common:/src/common" + ports: + - 8137:8137 + dff-google-api-skill: + volumes: + - "./skills/dff_google_api_skill:/src" + - "./common:/src/common" + ports: + - 8162:8162 + property-extraction: + volumes: + - "./annotators/property_extraction:/src" + - "~/.deeppavlov:/root/.deeppavlov" + ports: + - 8136:8136 + dff-dream-faq-prompted-skill: + volumes: + - "./skills/dff_template_prompted_skill:/src" + - "./common:/src/common" + ports: + - 8170:8170 + summarization-annotator: + volumes: + - "./annotators/summarization_annotator:/src" + ports: + - 8058:8058 + dialog-summarizer: + volumes: + - "./services/dialog_summarizer:/src" + ports: + - 8059:8059 + openai-api-chatgpt-16k: + volumes: + - "./services/openai_api_lm:/src" + - "./common:/src/common" + ports: + - 8167:8167 +version: "3.7" diff --git a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml new file mode 100644 index 0000000000..c203a6b206 --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml @@ -0,0 +1,485 @@ +services: + agent: + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.pipeline_config=assistant_dists/dream/pipeline_conf.json' + environment: + WAIT_HOSTS: "sentseg:8011, ranking-based-response-selector:8002, + dff-intent-responder-skill:8012, intent-catcher:8014, ner:8021, + factoid-qa:8071, kbqa:8072, entity-linking:8075, wiki-parser:8077, text-qa:8078, + combined-classification:8087, fact-retrieval:8100, entity-detection:8103, + sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, + dff-dream-persona-chatgpt-prompted-skill:8137, dff-dream-faq-prompted-skill:8170, + openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059" + WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} + HIGH_PRIORITY_INTENTS: 1 + RESTRICTION_FOR_SENSITIVE_CASE: 1 + ALWAYS_TURN_ON_ALL_SKILLS: 0 + LANGUAGE: EN + FALLBACK_FILE: fallbacks_dream_en.json + + ranking-based-response-selector: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8002 + SERVICE_NAME: response_selector + LANGUAGE: EN + SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker + SENTENCE_RANKER_SERVICE_URL: http://sentence-ranker:8128/respond + SENTENCE_RANKER_TIMEOUT: 3 + N_UTTERANCES_CONTEXT: 5 + FILTER_TOXIC_OR_BADLISTED: 1 + FALLBACK_FILE: fallbacks_dream_en.json + context: . + dockerfile: ./response_selectors/ranking_based_response_selector/Dockerfile + command: flask run -h 0.0.0.0 -p 8002 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 100M + reservations: + memory: 100M + + sentseg: + env_file: [ .env ] + build: + context: ./annotators/SentSeg/ + command: flask run -h 0.0.0.0 -p 8011 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 1.5G + reservations: + memory: 1.5G + + dff-intent-responder-skill: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8012 + SERVICE_NAME: dff_intent_responder_skill + INTENT_RESPONSE_PHRASES_FNAME: intent_response_phrases.json + context: . + dockerfile: ./skills/dff_intent_responder_skill/Dockerfile + command: gunicorn --workers=1 server:app -b 0.0.0.0:8012 --reload + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M + + intent-catcher: + env_file: [ .env ] + build: + context: . + dockerfile: ./annotators/IntentCatcherTransformers/Dockerfile + args: + SERVICE_PORT: 8014 + CONFIG_NAME: intents_model_dp_config.json + INTENT_PHRASES_PATH: intent_phrases.json + command: python -m flask run -h 0.0.0.0 -p 8014 + environment: + - FLASK_APP=server + - CUDA_VISIBLE_DEVICES=0 + deploy: + resources: + limits: + memory: 3.5G + reservations: + memory: 3.5G + + ner: + env_file: [ .env ] + build: + args: + CONFIG: ner_case_agnostic_multilingual_bert_base_extended.json + SERVICE_PORT: 8021 + SRC_DIR: annotators/NER_deeppavlov + COMMIT: f5117cd9ad1e64f6c2d970ecaa42fc09ccb23144 + context: ./ + dockerfile: annotators/NER_deeppavlov/Dockerfile + command: flask run -h 0.0.0.0 -p 8021 + environment: + - FLASK_APP=server + - CUDA_VISIBLE_DEVICES=0 + tty: true + deploy: + resources: + limits: + memory: 2G + reservations: + memory: 2G + + factoid-qa: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8071 + SERVICE_NAME: factoid_qa + context: . + dockerfile: ./skills/factoid_qa/Dockerfile + command: flask run -h 0.0.0.0 -p 8071 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 256M + reservations: + memory: 256M + + entity-linking: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8075 + SERVICE_NAME: entity_linking + CONFIG: entity_linking_eng.json + SRC_DIR: annotators/entity_linking + context: ./ + dockerfile: annotators/entity_linking/Dockerfile + environment: + - CUDA_VISIBLE_DEVICES=0 + deploy: + resources: + limits: + memory: 2.5G + reservations: + memory: 2.5G + + wiki-parser: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8077 + SERVICE_NAME: wiki_parser + WIKI_LITE_DB: http://files.deeppavlov.ai/kbqa/wikidata/wikidata2022.hdt + WIKI_LITE_INDEX_DB: http://files.deeppavlov.ai/kbqa/wikidata/wikidata2022.hdt.index.v1-1 + WIKI_CACHE_DB: http://files.deeppavlov.ai/kbqa/wikidata/wikidata_cache.json + CONFIG: wiki_parser.json + SRC_DIR: annotators/wiki_parser + COMMIT: ff5b156d16a949c3ec99da7fb60ae907dec37a41 + FAST: 1 + context: ./ + dockerfile: annotators/wiki_parser/Dockerfile + command: flask run -h 0.0.0.0 -p 8077 + environment: + - CUDA_VISIBLE_DEVICES='' + - FLASK_APP=server + deploy: + resources: + limits: + memory: 256M + reservations: + memory: 256M + + text-qa: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8078 + SERVICE_NAME: text_qa + CONFIG: qa_eng.json + context: services/text_qa + dockerfile: Dockerfile + command: flask run -h 0.0.0.0 -p 8078 + environment: + - CUDA_VISIBLE_DEVICES=0 + - FLASK_APP=server + - LANGUAGE=EN + deploy: + resources: + limits: + memory: 3G + reservations: + memory: 3G + + kbqa: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8072 + SERVICE_NAME: kbqa + CONFIG: kbqa_cq_mt_bert_lite.json + SRC_DIR: annotators/kbqa/ + COMMIT: 283a25e322e8fedc6ff0c159e4ec76bb165ae405 + context: ./ + dockerfile: annotators/kbqa/Dockerfile + command: flask run -h 0.0.0.0 -p 8072 + environment: + - CUDA_VISIBLE_DEVICES=0 + - FLASK_APP=server + deploy: + resources: + limits: + memory: 5G + reservations: + memory: 5G + + combined-classification: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8087 + SERVICE_NAME: combined_classification + CONFIG: combined_classifier.json + context: . + dockerfile: ./annotators/combined_classification/Dockerfile + command: gunicorn --workers=1 server:app -b 0.0.0.0:8087 --timeout 600 + environment: + - CUDA_VISIBLE_DEVICES=0 + deploy: + resources: + limits: + memory: 2G + reservations: + memory: 2G + + fact-retrieval: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8100 + SERVICE_NAME: fact_retrieval + CONFIG: configs/fact_retrieval_page.json + CONFIG_WIKI: configs/page_extractor.json + CONFIG_WHOW: configs/whow_page_extractor.json + SRC_DIR: annotators/fact_retrieval/ + COMMIT: 4b3e60c407644b750c9dc292ac6bf206081fb9d0 + N_FACTS: 3 + context: ./ + dockerfile: annotators/fact_retrieval/Dockerfile + command: flask run -h 0.0.0.0 -p 8100 + environment: + - CUDA_VISIBLE_DEVICES=0 + - FLASK_APP=server + deploy: + resources: + limits: + memory: 4G + reservations: + memory: 4G + + entity-detection: + env_file: [ .env ] + build: + args: + SERVICE_NAME: entity_detection + SEQ_TAG_CONFIG: wikipedia_entity_detection_distilbert.json + CONFIG: entity_detection_eng.json + LOWERCASE: 1 + SERVICE_PORT: 8103 + SRC_DIR: annotators/entity_detection/ + FINEGRAINED: 0 + context: ./ + dockerfile: annotators/entity_detection/Dockerfile + command: flask run -h 0.0.0.0 -p 8103 + environment: + - FLASK_APP=server + - CUDA_VISIBLE_DEVICES=0 + deploy: + resources: + limits: + memory: 2.5G + reservations: + memory: 2.5G + + prompt-selector: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8135 + SERVICE_NAME: prompt_selector + SENTENCE_RANKER_SERVICE_URL: http://sentence-ranker:8128/respond + N_SENTENCES_TO_RETURN: 3 + PROMPTS_TO_CONSIDER: dream_persona,dream_faq + context: . + dockerfile: ./annotators/prompt_selector/Dockerfile + command: flask run -h 0.0.0.0 -p 8135 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 100M + reservations: + memory: 100M + + sentence-ranker: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8128 + SERVICE_NAME: sentence_ranker + PRETRAINED_MODEL_NAME_OR_PATH: sentence-transformers/all-MiniLM-L6-v2 + context: ./services/sentence_ranker/ + command: flask run -h 0.0.0.0 -p 8128 + environment: + - CUDA_VISIBLE_DEVICES=0 + - FLASK_APP=server + deploy: + resources: + limits: + memory: 3G + reservations: + memory: 3G + + openai-api-chatgpt: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8145 + SERVICE_NAME: openai_api_chatgpt + PRETRAINED_MODEL_NAME_OR_PATH: gpt-3.5-turbo + context: . + dockerfile: ./services/openai_api_lm/Dockerfile + command: flask run -h 0.0.0.0 -p 8145 + environment: + - CUDA_VISIBLE_DEVICES=0 + - FLASK_APP=server + deploy: + resources: + limits: + memory: 500M + reservations: + memory: 100M + + dff-dream-persona-chatgpt-prompted-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8137 + SERVICE_NAME: dff_dream_persona_prompted_skill + PROMPT_FILE: common/prompts/dream_persona.json + GENERATIVE_SERVICE_URL: http://openai-api-chatgpt:8145/respond + GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json + GENERATIVE_TIMEOUT: 120 + N_UTTERANCES_CONTEXT: 7 + ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION + context: . + dockerfile: ./skills/dff_template_prompted_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M + + dff-google-api-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8162 + SERVICE_NAME: dff_google_api_skill + ENVVARS_TO_SEND: OPENAI_API_KEY,GOOGLE_CSE_ID,GOOGLE_API_KEY + context: . + dockerfile: ./skills/dff_google_api_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M + + property-extraction: + env_file: [.env] + build: + args: + CONFIG: t5_generative_ie_lite_infer.json + SERVICE_PORT: 8136 + SRC_DIR: annotators/property_extraction/ + SERVICE_NAME: property_extraction + context: ./ + dockerfile: annotators/property_extraction/Dockerfile + command: flask run -h 0.0.0.0 -p 8136 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 7G + reservations: + memory: 7G + + dff-dream-faq-prompted-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8170 + SERVICE_NAME: dff_dream_faq_prompted_skill + PROMPT_FILE: common/prompts/dream_faq.json + GENERATIVE_SERVICE_URL: http://openai-api-chatgpt-16k:8167/respond + GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json + GENERATIVE_TIMEOUT: 120 + N_UTTERANCES_CONTEXT: 7 + ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION + context: . + dockerfile: ./skills/dff_template_prompted_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M + + openai-api-chatgpt-16k: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8167 + SERVICE_NAME: openai_api_chatgpt_16k + PRETRAINED_MODEL_NAME_OR_PATH: gpt-3.5-turbo-16k + context: . + dockerfile: ./services/openai_api_lm/Dockerfile + command: flask run -h 0.0.0.0 -p 8167 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 500M + reservations: + memory: 100M + + summarization-annotator: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8058 + SERVICE_NAME: summarization_annotator + SUMMARIZATION_REQUEST_TIMEOUT: 10 + context: ./annotators/summarization_annotator/ + command: flask run -h 0.0.0.0 -p 8058 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 256M + reservations: + memory: 256M + + dialog-summarizer: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8059 + SERVICE_NAME: dialog_summarizer + PRETRAINED_MODEL_NAME: "knkarthick/MEETING_SUMMARY" + context: ./services/dialog_summarizer/ + command: flask run -h 0.0.0.0 -p 8059 + environment: + - CUDA_VISIBLE_DEVICES=0 + - FLASK_APP=server + deploy: + resources: + limits: + memory: 4G + reservations: + memory: 4G + +version: '3.7' diff --git a/assistant_dists/dream_Speech_models_based/gpu1.yml b/assistant_dists/dream_Speech_models_based/gpu1.yml new file mode 100644 index 0000000000..acef2c59f5 --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/gpu1.yml @@ -0,0 +1,78 @@ +services: + agent: + restart: unless-stopped + volumes: + - "/cephfs/home/ignatov/artifacts:/output" + - ".:/dp-agent" + ports: + - ${AGENT_PORT}:4242 + kbqa: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + environment: + - CUDA_VISIBLE_DEVICES=5 + text-qa: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + environment: + - CUDA_VISIBLE_DEVICES=5 + combined-classification: + restart: unless-stopped + environment: + - CUDA_VISIBLE_DEVICES=7 + mongo: + restart: unless-stopped + command: mongod + image: mongo:4.0.0 + # # you can use persistent local volume if you need + # volumes: + # - ./venv/data/db_data:/root/data/db + sentseg: + restart: unless-stopped + ranking-based-response-selector: + restart: unless-stopped + dff-intent-responder-skill: + restart: unless-stopped + intent-catcher: + restart: unless-stopped + environment: + - CUDA_VISIBLE_DEVICES=9 + ner: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + environment: + - CUDA_VISIBLE_DEVICES=7 + factoid-qa: + restart: unless-stopped + entity-linking: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + wiki-parser: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + fact-retrieval: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + environment: + - CUDA_VISIBLE_DEVICES=8 + entity-detection: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + environment: + - CUDA_VISIBLE_DEVICES=9 + sentence-ranker: + restart: unless-stopped + environment: + - CUDA_VISIBLE_DEVICES=9 + property-extraction: + restart: unless-stopped + volumes: + - "~/.deeppavlov:/root/.deeppavlov" +version: '3.7' diff --git a/assistant_dists/dream_Speech_models_based/pipeline_conf.json b/assistant_dists/dream_Speech_models_based/pipeline_conf.json new file mode 100644 index 0000000000..35825f1f75 --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/pipeline_conf.json @@ -0,0 +1,570 @@ +{ + "connectors": { + "sentseg": { + "protocol": "http", + "timeout": 1.5, + "url": "http://sentseg:8011/sentseg" + }, + "ner": { + "protocol": "http", + "timeout": 1.5, + "url": "http://ner:8021/ner" + } + }, + "services": { + "last_chance_service": { + "connector": { + "protocol": "python", + "class_name": "PredefinedTextConnector", + "response_text": "Sorry, something went wrong inside. Please tell me, what did you say.", + "annotations": { + "sentseg": { + "punct_sent": "Sorry, something went wrong inside. Please tell me, what did you say.", + "segments": [ + "Sorry, something went wrong inside.", + "Please tell me, what did you say." + ] + }, + "ner": [ + [] + ] + } + }, + "state_manager_method": "add_bot_utterance_last_chance", + "tags": [ + "last_chance" + ], + "is_enabled": true, + "source": { + "component": "components/sbDcAqiNqxFz.yml", + "service": "services/agent_services/service_configs/dream" + } + }, + "timeout_service": { + "connector": { + "protocol": "python", + "class_name": "PredefinedTextConnector", + "response_text": "Sorry, I need to think more on that. Let's talk about something else.", + "annotations": { + "sentseg": { + "punct_sent": "Sorry, I need to think more on that. Let's talk about something else.", + "segments": [ + "Sorry, I need to think more on that.", + "Let's talk about something else." + ] + }, + "ner": [ + [] + ] + } + }, + "state_manager_method": "add_bot_utterance_last_chance", + "tags": [ + "timeout" + ], + "is_enabled": true, + "source": { + "component": "components/rFC0YJOoDFvS.yml", + "service": "services/agent_services/service_configs/dream" + } + }, + "annotators": { + "sentseg": { + "connector": { + "protocol": "http", + "timeout": 1.5, + "url": "http://sentseg:8011/sentseg" + }, + "dialog_formatter": "state_formatters.dp_formatters:preproc_last_human_utt_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/gM4fEjvVqLlSRRRkQfds2g.yml", + "service": "annotators/SentSeg/service_configs/sentseg" + } + }, + "prompt_goals_collector": { + "connector": { + "protocol": "http", + "timeout": 2.0, + "url": "http://prompt-selector:8135/collect_goals" + }, + "dialog_formatter": "state_formatters.dp_formatters:prompts_goals_collector_formatter", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [], + "state_manager_method": "update_attributes", + "is_enabled": true, + "source": { + "component": "components/tK0hTk4TyMj7.yml", + "service": "annotators/prompt_selector/service_configs/dream_persona_openai_prompted" + } + }, + "prompt_selector": { + "connector": { + "protocol": "http", + "timeout": 2.0, + "url": "http://prompt-selector:8135/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:context_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators.prompt_goals_collector" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/tK0hTk4TyMj7.yml", + "service": "annotators/prompt_selector/service_configs/dream_persona_openai_prompted" + } + }, + "intent_catcher": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://intent-catcher:8014/detect" + }, + "dialog_formatter": "state_formatters.dp_formatters:last_utt_sentseg_segments_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators.sentseg" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/1IjC3r9b1VJ082ceINXzHQ.yml", + "service": "annotators/IntentCatcherTransformers/service_configs/intent-catcher" + } + }, + "fact_retrieval": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://fact-retrieval:8100/model" + }, + "dialog_formatter": "state_formatters.dp_formatters:fact_retrieval_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators.sentseg", + "annotators.entity_linking" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/sVjXygxsPhjLEWd2acwcEA.yml", + "service": "annotators/fact_retrieval/service_configs/fact-retrieval" + } + }, + "ner": { + "connector": { + "protocol": "http", + "timeout": 1.5, + "url": "http://ner:8021/ner" + }, + "dialog_formatter": "state_formatters.dp_formatters:ner_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators.sentseg" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/3RDNPBdybjBlSQZqcc7nGQ.yml", + "service": "annotators/NER_deeppavlov/service_configs/ner" + } + }, + "entity_detection": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://entity-detection:8103/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:entity_detection_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators.sentseg" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/05PqJXVd7gV7DqslN5z3A.yml", + "service": "annotators/entity_detection/service_configs/entity-detection" + } + }, + "kbqa": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://kbqa:8072/model" + }, + "dialog_formatter": "state_formatters.dp_formatters:kbqa_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "required_previous_services": [ + "annotators.entity_linking" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/3clxaNOTpI3oHR0fHRaCnQ.yml", + "service": "annotators/kbqa/service_configs/kbqa" + } + }, + "entity_linking": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://entity-linking:8075/model" + }, + "dialog_formatter": "state_formatters.dp_formatters:el_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators.ner", + "annotators.entity_detection", + "annotators.spacy_nounphrases" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/M1sE6hOm20EGBWBdr0vIOw.yml", + "service": "annotators/entity_linking/service_configs/entity-linking" + } + }, + "wiki_parser": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://wiki-parser:8077/model" + }, + "dialog_formatter": "state_formatters.dp_formatters:wp_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "required_previous_services": [ + "annotators.entity_linking" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/O4FVnkAwjay1mL1FbuRGWw.yml", + "service": "annotators/wiki_parser/service_configs/wiki-parser" + } + }, + "combined_classification": { + "connector": { + "protocol": "http", + "timeout": 3.0, + "url": "http://combined-classification:8087/model" + }, + "dialog_formatter": "state_formatters.dp_formatters:preproc_last_human_utt_dialog_w_hist", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "components/PbLNvh4hrvs47rPaf2bfYQ.yml", + "service": "annotators/combined_classification/service_configs/combined-classification" + } + }, + "summarization_annotator": { + "connector": { + "protocol": "http", + "timeout": 10.0, + "url": "http://summarization-annotator:8058/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:summarization_annotator_formatter", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators.spelling_preprocessing" + ], + "state_manager_method": "update_attributes", + "is_enabled": true, + "source": { + "component": "components/riRfdGz86P51B9bL7fO6JR.yml", + "service": "annotators/summarization_annotator/service_configs/summarization-annotator" + } + } + }, + "response_annotators": { + "sentseg": { + "connector": { + "protocol": "http", + "timeout": 1.5, + "url": "http://sentseg:8011/sentseg" + }, + "dialog_formatter": "state_formatters.dp_formatters:last_bot_utt_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "response_annotator_selectors" + ], + "state_manager_method": "add_annotation_prev_bot_utt", + "is_enabled": true, + "source": { + "component": "components/1Q9QXih1U2zhCpVm9zxdsA.yml", + "service": "annotators/SentSeg/service_configs/sentseg" + } + }, + "ner": { + "connector": { + "protocol": "http", + "timeout": 1.5, + "url": "http://ner:8021/ner" + }, + "dialog_formatter": "state_formatters.dp_formatters:ner_formatter_last_bot_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "response_annotator_selectors", + "response_annotators.sentseg" + ], + "state_manager_method": "add_annotation_prev_bot_utt", + "is_enabled": true, + "source": { + "component": "components/3RDNPBdybjBlSQZqcc7nGQ.yml", + "service": "annotators/NER_deeppavlov/service_configs/ner" + } + } + }, + "response_annotator_selectors": { + "connector": { + "protocol": "python", + "class_name": "skill_selectors.post_annotator_selector.connector:PostAnnotatorSelectorConnector", + "annotator_names": [ + "sentseg", + "ner" + ] + }, + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "tags": [ + "selector" + ], + "is_enabled": true, + "source": { + "component": "components/LXrJDIf43gwNmPMNXG5Eg.yml", + "service": "services/response_annotator_selectors/service_configs/agent" + } + }, + "candidate_annotators": { + "entity_detection": { + "connector": { + "protocol": "http", + "timeout": 2.0, + "url": "http://entity-detection:8103/respond_batch" + }, + "dialog_formatter": "state_formatters.dp_formatters:hypotheses_list", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "skills" + ], + "state_manager_method": "add_hypothesis_annotation_batch", + "is_enabled": true, + "source": { + "component": "components/05PqJXVd7gV7DqslN5z3A.yml", + "service": "annotators/entity_detection/service_configs/entity-detection" + } + }, + "combined_classification": { + "connector": { + "protocol": "http", + "timeout": 2.0, + "url": "http://combined-classification:8087/batch_model" + }, + "dialog_formatter": "state_formatters.dp_formatters:hypothesis_histories_list", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "skills" + ], + "state_manager_method": "add_hypothesis_annotation_batch", + "is_enabled": true, + "source": { + "component": "components/PbLNvh4hrvs47rPaf2bfYQ.yml", + "service": "annotators/combined_classification/service_configs/combined-classification" + } + }, + "sentence_ranker": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://sentence-ranker:8128/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:sentence_ranker_formatter", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "skills" + ], + "state_manager_method": "add_hypothesis_annotation_batch", + "is_enabled": true, + "source": { + "component": "components/XGwmAHtAOu0NDqqG3QCJw.yml", + "service": "services/sentence_ranker/service_configs/sentence-ranker" + } + } + }, + "skill_selectors": { + "description_based_skill_selector": { + "connector": { + "protocol": "python", + "class_name": "skill_selectors.description_based_skill_selector.connector:DescriptionBasedSkillSelectorConnector" + }, + "dialog_formatter": "state_formatters.dp_formatters:base_skill_selector_formatter_dialog", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotators" + ], + "tags": [ + "selector" + ], + "is_enabled": true, + "source": { + "component": "components/dfsw4bji8bgjq2.yml", + "service": "skill_selectors/description_based_skill_selector/service_configs/agent" + } + } + }, + "skills": { + "dff_dream_persona_prompted_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-dream-persona-chatgpt-prompted-skill:8137/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_dream_persona_prompted_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/W6hdAGshQyMwdQukRXXuKA.yml", + "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-persona-chatgpt-prompted-skill" + } + }, + "dff_google_api_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-google-api-skill:8162/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_google_api_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/VJ7c3sLqEi.yml", + "service": "skills/dff_google_api_skill/service_configs/dff-google-api-skill" + } + }, + "dff_intent_responder_skill": { + "connector": { + "protocol": "http", + "timeout": 2.0, + "url": "http://dff-intent-responder-skill:8012/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:dff_intent_responder_skill_formatter", + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/CmQGq1Xn5YOaMwNIb4bEpA.yml", + "service": "skills/dff_intent_responder_skill/service_configs/dff-intent-responder-skill" + } + }, + "dummy_skill": { + "connector": { + "protocol": "python", + "class_name": "skills.dummy_skill.connector:DummySkillConnector" + }, + "dialog_formatter": "state_formatters.dp_formatters:utt_sentrewrite_modified_last_dialog", + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/uYkoK0vRp4bbIg9akI1yw.yml", + "service": "skills/dummy_skill/service_configs/agent" + } + }, + "factoid_qa": { + "connector": { + "protocol": "http", + "timeout": 2.0, + "url": "http://factoid-qa:8071/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:utt_sentseg_punct_dialog", + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/qx0j5QHAzog0b39nRnuA.yml", + "service": "skills/factoid_qa/service_configs/factoid-qa" + } + }, + "dff_dream_faq_prompted_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-dream-faq-prompted-skill:8170/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_dream_faq_prompted_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/jFmKPqMJh0.yml", + "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-faq-prompted-skill" + } + } + }, + "response_selectors": { + "response_selector": { + "connector": { + "protocol": "http", + "timeout": 1.0, + "url": "http://ranking-based-response-selector:8002/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:cropped_dialog", + "response_formatter": "state_formatters.dp_formatters:base_response_selector_formatter_service", + "previous_services": [ + "candidate_annotators" + ], + "state_manager_method": "add_bot_utterance", + "is_enabled": true, + "source": { + "component": "components/YJzc7NwGrLmKp6gfZJh7X1.yml", + "service": "response_selectors/ranking_based_response_selector/service_configs/ranking-based-response-selector" + } + } + } + }, + "metadata": { + "display_name": "Dream", + "author": "DeepPavlov", + "description": "Main version of DeepPavlov Dream Socialbot", + "version": "0.1.0", + "date_created": "2022-12-12T12:12:00", + "ram_usage": "20 GB", + "gpu_usage": "20 GB", + "disk_usage": "20 GB" + } +} \ No newline at end of file diff --git a/assistant_dists/dream_Speech_models_based/proxy.yml b/assistant_dists/dream_Speech_models_based/proxy.yml new file mode 100644 index 0000000000..754609de10 --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/proxy.yml @@ -0,0 +1,128 @@ +services: + + sentseg: + command: ["nginx", "-g", "daemon off;"] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8011 + - PORT=8011 + + dff-intent-responder-skill: + command: ["nginx", "-g", "daemon off;"] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8012 + - PORT=8012 + + intent-catcher: + command: ["nginx", "-g", "daemon off;"] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8014 + - PORT=8014 + + ner: + command: ["nginx", "-g", "daemon off;"] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8021 + - PORT=8021 + + factoid-qa: + command: ["nginx", "-g", "daemon off;"] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8071 + - PORT=8071 + + text-qa: + command: [ "nginx", "-g", "daemon off;" ] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8078 + - PORT=8078 + + kbqa: + command: ["nginx", "-g", "daemon off;"] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8072 + - PORT=8072 + + entity-linking: + command: [ "nginx", "-g", "daemon off;" ] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8075 + - PORT=8075 + + wiki-parser: + command: [ "nginx", "-g", "daemon off;" ] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8077 + - PORT=8077 + + combined-classification: + command: ["nginx", "-g", "daemon off;"] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8087 + - PORT=8087 + + fact-retrieval: + command: [ "nginx", "-g", "daemon off;" ] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8100 + - PORT=8100 + + entity-detection: + command: [ "nginx", "-g", "daemon off;" ] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8103 + - PORT=8103 + + sentence-ranker: + command: [ "nginx", "-g", "daemon off;" ] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8128 + - PORT=8128 + + property-extraction: + command: [ "nginx", "-g", "daemon off;" ] + build: + context: dp/proxy/ + dockerfile: Dockerfile + environment: + - PROXY_PASS=proxy.deeppavlov.ai:8136 + - PORT=8136 +version: '3.7' diff --git a/assistant_dists/dream_Speech_models_based/telegram.yml b/assistant_dists/dream_Speech_models_based/telegram.yml new file mode 100644 index 0000000000..e4ccf61b1e --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/telegram.yml @@ -0,0 +1,17 @@ +services: + agent-tg: + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream/pipeline_conf.json agent.db_config=assistant_dists/dream/db_conf.json' + env_file: [.env] + build: + context: ./ + dockerfile: dockerfile_agent + deploy: + resources: + limits: + memory: 4G + reservations: + memory: 2G + volumes: + - ".:/dp-agent" + +version: '3.7' diff --git a/assistant_dists/dream_Speech_models_based/test.yml b/assistant_dists/dream_Speech_models_based/test.yml new file mode 100644 index 0000000000..5035cb6254 --- /dev/null +++ b/assistant_dists/dream_Speech_models_based/test.yml @@ -0,0 +1,74 @@ +services: + agent: + volumes: + - "/cephfs/home/ignatov/artifacts:/output" + ports: + - ${AGENT_PORT}:4242 + kbqa: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=5 + text-qa: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=5 + combined-classification: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=8 + mongo: + command: mongod + image: mongo:4.0.0 + # # you can use persistent local volume if you need + # volumes: + # - ./venv/data/db_data:/root/data/db + sentseg: + dff-intent-responder-skill: + intent-catcher: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=6 + ner: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + environment: + - CUDA_VISIBLE_DEVICES=7 + factoid-qa: + entity-linking: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=9 + wiki-parser: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + fact-retrieval: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=7 + entity-detection: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=8 + sentence-ranker: + volumes: + - "~/.deeppavlov/cache:/root/.cache" + environment: + - CUDA_VISIBLE_DEVICES=9 + property-extraction: + volumes: + - "~/.deeppavlov:/root/.deeppavlov" +version: '3.7' From 505bfd2d3cddf3fd14e6e6fb818c7c8c5a6e6ebe Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 7 Sep 2023 15:20:10 +0300 Subject: [PATCH 03/82] secret required skills removed --- .../dream_Speech_models_based/dev.yml | 18 ------ .../docker-compose.override.yml | 58 ----------------- .../pipeline_conf.json | 63 ------------------- 3 files changed, 139 deletions(-) diff --git a/assistant_dists/dream_Speech_models_based/dev.yml b/assistant_dists/dream_Speech_models_based/dev.yml index 37a460fd0d..ebd37394fd 100644 --- a/assistant_dists/dream_Speech_models_based/dev.yml +++ b/assistant_dists/dream_Speech_models_based/dev.yml @@ -117,30 +117,12 @@ services: - "./common:/src/common" ports: - 8145:8145 - dff-dream-persona-chatgpt-prompted-skill: - volumes: - - "./skills/dff_template_prompted_skill:/src" - - "./common:/src/common" - ports: - - 8137:8137 - dff-google-api-skill: - volumes: - - "./skills/dff_google_api_skill:/src" - - "./common:/src/common" - ports: - - 8162:8162 property-extraction: volumes: - "./annotators/property_extraction:/src" - "~/.deeppavlov:/root/.deeppavlov" ports: - 8136:8136 - dff-dream-faq-prompted-skill: - volumes: - - "./skills/dff_template_prompted_skill:/src" - - "./common:/src/common" - ports: - - 8170:8170 summarization-annotator: volumes: - "./annotators/summarization_annotator:/src" diff --git a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml index c203a6b206..c24c2914c1 100644 --- a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml +++ b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml @@ -348,43 +348,6 @@ services: reservations: memory: 100M - dff-dream-persona-chatgpt-prompted-skill: - env_file: [ .env,.env_secret ] - build: - args: - SERVICE_PORT: 8137 - SERVICE_NAME: dff_dream_persona_prompted_skill - PROMPT_FILE: common/prompts/dream_persona.json - GENERATIVE_SERVICE_URL: http://openai-api-chatgpt:8145/respond - GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json - GENERATIVE_TIMEOUT: 120 - N_UTTERANCES_CONTEXT: 7 - ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION - context: . - dockerfile: ./skills/dff_template_prompted_skill/Dockerfile - deploy: - resources: - limits: - memory: 128M - reservations: - memory: 128M - - dff-google-api-skill: - env_file: [ .env,.env_secret ] - build: - args: - SERVICE_PORT: 8162 - SERVICE_NAME: dff_google_api_skill - ENVVARS_TO_SEND: OPENAI_API_KEY,GOOGLE_CSE_ID,GOOGLE_API_KEY - context: . - dockerfile: ./skills/dff_google_api_skill/Dockerfile - deploy: - resources: - limits: - memory: 128M - reservations: - memory: 128M - property-extraction: env_file: [.env] build: @@ -405,27 +368,6 @@ services: reservations: memory: 7G - dff-dream-faq-prompted-skill: - env_file: [ .env,.env_secret ] - build: - args: - SERVICE_PORT: 8170 - SERVICE_NAME: dff_dream_faq_prompted_skill - PROMPT_FILE: common/prompts/dream_faq.json - GENERATIVE_SERVICE_URL: http://openai-api-chatgpt-16k:8167/respond - GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json - GENERATIVE_TIMEOUT: 120 - N_UTTERANCES_CONTEXT: 7 - ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION - context: . - dockerfile: ./skills/dff_template_prompted_skill/Dockerfile - deploy: - resources: - limits: - memory: 128M - reservations: - memory: 128M - openai-api-chatgpt-16k: env_file: [ .env ] build: diff --git a/assistant_dists/dream_Speech_models_based/pipeline_conf.json b/assistant_dists/dream_Speech_models_based/pipeline_conf.json index 35825f1f75..28d051b978 100644 --- a/assistant_dists/dream_Speech_models_based/pipeline_conf.json +++ b/assistant_dists/dream_Speech_models_based/pipeline_conf.json @@ -419,48 +419,6 @@ } }, "skills": { - "dff_dream_persona_prompted_skill": { - "connector": { - "protocol": "http", - "timeout": 120.0, - "url": "http://dff-dream-persona-chatgpt-prompted-skill:8137/respond" - }, - "dialog_formatter": { - "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", - "skill_name": "dff_dream_persona_prompted_skill" - }, - "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", - "previous_services": [ - "skill_selectors" - ], - "state_manager_method": "add_hypothesis", - "is_enabled": true, - "source": { - "component": "components/W6hdAGshQyMwdQukRXXuKA.yml", - "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-persona-chatgpt-prompted-skill" - } - }, - "dff_google_api_skill": { - "connector": { - "protocol": "http", - "timeout": 120.0, - "url": "http://dff-google-api-skill:8162/respond" - }, - "dialog_formatter": { - "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", - "skill_name": "dff_google_api_skill" - }, - "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", - "previous_services": [ - "skill_selectors" - ], - "state_manager_method": "add_hypothesis", - "is_enabled": true, - "source": { - "component": "components/VJ7c3sLqEi.yml", - "service": "skills/dff_google_api_skill/service_configs/dff-google-api-skill" - } - }, "dff_intent_responder_skill": { "connector": { "protocol": "http", @@ -513,27 +471,6 @@ "component": "components/qx0j5QHAzog0b39nRnuA.yml", "service": "skills/factoid_qa/service_configs/factoid-qa" } - }, - "dff_dream_faq_prompted_skill": { - "connector": { - "protocol": "http", - "timeout": 120.0, - "url": "http://dff-dream-faq-prompted-skill:8170/respond" - }, - "dialog_formatter": { - "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", - "skill_name": "dff_dream_faq_prompted_skill" - }, - "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", - "previous_services": [ - "skill_selectors" - ], - "state_manager_method": "add_hypothesis", - "is_enabled": true, - "source": { - "component": "components/jFmKPqMJh0.yml", - "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-faq-prompted-skill" - } } }, "response_selectors": { From 347d1b9c624a067ac451b0cf776e6256d66cf2f2 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 7 Sep 2023 15:27:52 +0300 Subject: [PATCH 04/82] more fixes --- .../dream_Speech_models_based/docker-compose.override.yml | 1 - 1 file changed, 1 deletion(-) diff --git a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml index c24c2914c1..35ddafe827 100644 --- a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml +++ b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml @@ -7,7 +7,6 @@ services: factoid-qa:8071, kbqa:8072, entity-linking:8075, wiki-parser:8077, text-qa:8078, combined-classification:8087, fact-retrieval:8100, entity-detection:8103, sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, - dff-dream-persona-chatgpt-prompted-skill:8137, dff-dream-faq-prompted-skill:8170, openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059" WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} HIGH_PRIORITY_INTENTS: 1 From f56ca75acb84cacd1b6d55deb306bbb461ded97e Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 8 Sep 2023 09:25:52 +0300 Subject: [PATCH 05/82] adding sfc to configs and minor refactoring of sfc --- .../speech_function_classifier/models.py | 2 ++ .../speech_function_classifier/server.py | 1 + .../dream_Speech_models_based/dev.yml | 5 +++++ .../docker-compose.override.yml | 18 ++++++++++++++++++ .../pipeline_conf.json | 16 ++++++++++++++++ 5 files changed, 42 insertions(+) diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index 0f7383c0b4..77942236ea 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -1,7 +1,9 @@ from deeppavlov import build_model + model = build_model('speech_fn') + def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): if predicted_sf == 'Command': if ("Open" in previous_sf or previous_sf is None) and current_speaker == previous_speaker: diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index cbd8a47f93..7d8df4f076 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -90,4 +90,5 @@ async def annotation(payload: List[AnnotationPayload]): ) total_time = time.time() - st_time logger.info(f"speech_function_classifier batch exec time: {total_time:.3f}s") + logger.info(f"speech function classifier result: {responses}") return [{"batch": responses}] diff --git a/assistant_dists/dream_Speech_models_based/dev.yml b/assistant_dists/dream_Speech_models_based/dev.yml index ebd37394fd..b8c91eaf10 100644 --- a/assistant_dists/dream_Speech_models_based/dev.yml +++ b/assistant_dists/dream_Speech_models_based/dev.yml @@ -139,4 +139,9 @@ services: - "./common:/src/common" ports: - 8167:8167 + speech-function-classifier: + volumes: + - "./services/speech_function_classifier:/src" + ports: + - 8108:8108 version: "3.7" diff --git a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml index 35ddafe827..4c59813402 100644 --- a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml +++ b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml @@ -6,6 +6,7 @@ services: dff-intent-responder-skill:8012, intent-catcher:8014, ner:8021, factoid-qa:8071, kbqa:8072, entity-linking:8075, wiki-parser:8077, text-qa:8078, combined-classification:8087, fact-retrieval:8100, entity-detection:8103, + speech-function-classifier:8108, sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059" WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} @@ -423,4 +424,21 @@ services: reservations: memory: 4G + speech-function-classifier: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8108 + SERVICE_NAME: speech_function_classifier + context: ./annotators/speech_function_classifier/ + command: gunicorn --workers=1 server:app -b 0.0.0.0:8108 + environment: + - CUDA_VISIBLE_DEVICES=0 + deploy: + resources: + limits: + memory: 1G + reservations: + memory: 1G + version: '3.7' diff --git a/assistant_dists/dream_Speech_models_based/pipeline_conf.json b/assistant_dists/dream_Speech_models_based/pipeline_conf.json index 28d051b978..d4383586dd 100644 --- a/assistant_dists/dream_Speech_models_based/pipeline_conf.json +++ b/assistant_dists/dream_Speech_models_based/pipeline_conf.json @@ -85,6 +85,22 @@ "service": "annotators/SentSeg/service_configs/sentseg" } }, + "speech_function_classifier": { + "connector": { + "protocol": "http", + "timeout": 5, + "url": "http://sentseg:8108/speech-function-classifier" + }, + "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "CREATE COMPONENT", + "service": "annotators/speech_function_classifier/service_configs/speech-function-classifier" + } + }, "prompt_goals_collector": { "connector": { "protocol": "http", From 9077d781635b621bc4b58432eee2a8316e059e46 Mon Sep 17 00:00:00 2001 From: avglinsky Date: Fri, 8 Sep 2023 10:44:32 +0300 Subject: [PATCH 06/82] Dockerfile fixed --- annotators/speech_function_classifier/Dockerfile | 7 +++++-- annotators/speech_function_classifier/requirements.txt | 1 - 2 files changed, 5 insertions(+), 3 deletions(-) diff --git a/annotators/speech_function_classifier/Dockerfile b/annotators/speech_function_classifier/Dockerfile index 126815ab99..6b3ed7cef1 100644 --- a/annotators/speech_function_classifier/Dockerfile +++ b/annotators/speech_function_classifier/Dockerfile @@ -4,8 +4,11 @@ WORKDIR /src RUN apt-get update && apt-get install -y --allow-unauthenticated git curl && rm -rf /var/lib/apt/lists/* -RUN git clone -b feat/speech-fn https://github.com/deeppavlov/DeepPavlov.git && \ - cd DeepPavlov && pip install -e . && cd .. && rm -rf DeepPavlov && python -m deeppavlov download speech_fn +# RUN git clone -b feat/speech-fn https://github.com/deeppavlov/DeepPavlov.git && \ +# cd DeepPavlov && pip install -e . && cd .. && rm -rf DeepPavlov && python -m deeppavlov download speech_fn + +RUN pip install git+https://github.com/deeppavlov/DeepPavlov.git@feat/speech-fn && \ + python -m deeppavlov download speech_fn COPY . ./ diff --git a/annotators/speech_function_classifier/requirements.txt b/annotators/speech_function_classifier/requirements.txt index 6a58604755..57c481ddf2 100644 --- a/annotators/speech_function_classifier/requirements.txt +++ b/annotators/speech_function_classifier/requirements.txt @@ -8,6 +8,5 @@ requests==2.25.1 scipy==1.6.3 pandas==1.2.4 scikit-learn==0.22.2.post1 -git+https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.0.0/en_core_web_sm-3.0.0.tar.gz jinja2<=3.0.3 Werkzeug<=2.0.3 \ No newline at end of file From 67987c76329beabf0e5cb3ae85587b9d17697bc3 Mon Sep 17 00:00:00 2001 From: avglinsky Date: Fri, 8 Sep 2023 10:56:23 +0300 Subject: [PATCH 07/82] Dockerfile fixed 1 --- annotators/speech_function_classifier/Dockerfile | 2 ++ 1 file changed, 2 insertions(+) diff --git a/annotators/speech_function_classifier/Dockerfile b/annotators/speech_function_classifier/Dockerfile index 6b3ed7cef1..aef3f0c878 100644 --- a/annotators/speech_function_classifier/Dockerfile +++ b/annotators/speech_function_classifier/Dockerfile @@ -12,6 +12,8 @@ RUN pip install git+https://github.com/deeppavlov/DeepPavlov.git@feat/speech-fn COPY . ./ +RUN pip install -r requirements.txt + ARG SERVICE_NAME ENV SERVICE_NAME ${SERVICE_NAME} From 48d7028405e21aca7c2166cdefbc5925c10c5b1d Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 8 Sep 2023 12:15:36 +0300 Subject: [PATCH 08/82] minor fix --- annotators/speech_function_classifier/requirements.txt | 3 ++- assistant_dists/dream_Speech_models_based/dev.yml | 2 +- 2 files changed, 3 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_classifier/requirements.txt b/annotators/speech_function_classifier/requirements.txt index 57c481ddf2..e4a9229ea2 100644 --- a/annotators/speech_function_classifier/requirements.txt +++ b/annotators/speech_function_classifier/requirements.txt @@ -9,4 +9,5 @@ scipy==1.6.3 pandas==1.2.4 scikit-learn==0.22.2.post1 jinja2<=3.0.3 -Werkzeug<=2.0.3 \ No newline at end of file +Werkzeug<=2.0.3 +gunicorn \ No newline at end of file diff --git a/assistant_dists/dream_Speech_models_based/dev.yml b/assistant_dists/dream_Speech_models_based/dev.yml index b8c91eaf10..cf00284e92 100644 --- a/assistant_dists/dream_Speech_models_based/dev.yml +++ b/assistant_dists/dream_Speech_models_based/dev.yml @@ -141,7 +141,7 @@ services: - 8167:8167 speech-function-classifier: volumes: - - "./services/speech_function_classifier:/src" + - "./annotators/speech_function_classifier:/src" ports: - 8108:8108 version: "3.7" From aff3be5cb2d40ec6612492dc9406ad8cf3950221 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 8 Sep 2023 14:28:00 +0300 Subject: [PATCH 09/82] minor fix 2 --- .../dream_Speech_models_based/docker-compose.override.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml index 4c59813402..ec6f94c9fd 100644 --- a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml +++ b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml @@ -1,6 +1,6 @@ services: agent: - command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.pipeline_config=assistant_dists/dream/pipeline_conf.json' + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_Speech_models_based/pipeline_conf.json agent.db_config=assistant_dists/dream_Speech_models_based/db_conf.json' environment: WAIT_HOSTS: "sentseg:8011, ranking-based-response-selector:8002, dff-intent-responder-skill:8012, intent-catcher:8014, ner:8021, From 0f61cdfce324cb483ffb89e833d3fa445ffcb233 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 8 Sep 2023 14:39:26 +0300 Subject: [PATCH 10/82] minor fix 3 --- assistant_dists/dream_Speech_models_based/pipeline_conf.json | 2 +- assistant_dists/dream_Speech_models_based/telegram.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/assistant_dists/dream_Speech_models_based/pipeline_conf.json b/assistant_dists/dream_Speech_models_based/pipeline_conf.json index d4383586dd..549a8f409c 100644 --- a/assistant_dists/dream_Speech_models_based/pipeline_conf.json +++ b/assistant_dists/dream_Speech_models_based/pipeline_conf.json @@ -89,7 +89,7 @@ "connector": { "protocol": "http", "timeout": 5, - "url": "http://sentseg:8108/speech-function-classifier" + "url": "http://speech-function-classifier:8108/annotation" }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", diff --git a/assistant_dists/dream_Speech_models_based/telegram.yml b/assistant_dists/dream_Speech_models_based/telegram.yml index e4ccf61b1e..9454225146 100644 --- a/assistant_dists/dream_Speech_models_based/telegram.yml +++ b/assistant_dists/dream_Speech_models_based/telegram.yml @@ -1,6 +1,6 @@ services: agent-tg: - command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream/pipeline_conf.json agent.db_config=assistant_dists/dream/db_conf.json' + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_Speech_models_based/pipeline_conf.json agent.db_config=assistant_dists/dream_Speech_models_based/db_conf.json' env_file: [.env] build: context: ./ From 4dce73e0f342ce126f745e100c62ddbae51df5d9 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 8 Sep 2023 16:27:08 +0300 Subject: [PATCH 11/82] minor fix 4 --- annotators/speech_function_classifier/requirements.txt | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/annotators/speech_function_classifier/requirements.txt b/annotators/speech_function_classifier/requirements.txt index e4a9229ea2..7cdda50592 100644 --- a/annotators/speech_function_classifier/requirements.txt +++ b/annotators/speech_function_classifier/requirements.txt @@ -1,5 +1,4 @@ fastapi==0.47.1 -uvicorn==0.11.7 sentry_sdk==0.13.3 transformers==4.6.1 nltk==3.6.2 @@ -10,4 +9,4 @@ pandas==1.2.4 scikit-learn==0.22.2.post1 jinja2<=3.0.3 Werkzeug<=2.0.3 -gunicorn \ No newline at end of file +gunicorn==19.9.0 \ No newline at end of file From d52ae67bcb60bf44b79f0f5d8d01dc7d603cdb70 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 8 Sep 2023 17:44:48 +0300 Subject: [PATCH 12/82] minor fix 5 --- annotators/speech_function_classifier/Dockerfile | 2 +- .../dream_Speech_models_based/docker-compose.override.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_classifier/Dockerfile b/annotators/speech_function_classifier/Dockerfile index aef3f0c878..f1219849a1 100644 --- a/annotators/speech_function_classifier/Dockerfile +++ b/annotators/speech_function_classifier/Dockerfile @@ -20,4 +20,4 @@ ENV SERVICE_NAME ${SERVICE_NAME} ARG SERVICE_PORT ENV SERVICE_PORT ${SERVICE_PORT} -CMD gunicorn --workers=1 server:app -b 0.0.0.0:${SERVICE_PORT} \ No newline at end of file +CMD gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:${SERVICE_PORT} \ No newline at end of file diff --git a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml index ec6f94c9fd..134b2d299f 100644 --- a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml +++ b/assistant_dists/dream_Speech_models_based/docker-compose.override.yml @@ -431,7 +431,7 @@ services: SERVICE_PORT: 8108 SERVICE_NAME: speech_function_classifier context: ./annotators/speech_function_classifier/ - command: gunicorn --workers=1 server:app -b 0.0.0.0:8108 + command: gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:8108 environment: - CUDA_VISIBLE_DEVICES=0 deploy: From fb1c18cca29fe1c3e92e9a11ec462ddb68a9a098 Mon Sep 17 00:00:00 2001 From: avglinsky Date: Wed, 20 Sep 2023 16:56:31 +0300 Subject: [PATCH 13/82] fixing 120 symbols line check in models.py --- annotators/speech_function_classifier/models.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index 77942236ea..1d5b0a5539 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -21,7 +21,8 @@ def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): def get_speech_function(phrase, prev_phrase, speaker="John", previous_speaker="Doe"): - # note: default values for current and previous speaker are only to make them different. In out case they are always + # note: default values for current and previous speaker are only to make them different. + # In out case they are always # different (bot and human) predicted_sf = model((phrase,), (prev_phrase,)) From b3552d1f9ccd9bb67e5c7938c78fbd03c0e651ce Mon Sep 17 00:00:00 2001 From: avglinsky Date: Wed, 20 Sep 2023 17:00:13 +0300 Subject: [PATCH 14/82] fixing 120 symbols line check in models.py --- annotators/speech_function_classifier/models.py | 16 ++++++++-------- 1 file changed, 8 insertions(+), 8 deletions(-) diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index 1d5b0a5539..dd318073cf 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -1,22 +1,22 @@ from deeppavlov import build_model -model = build_model('speech_fn') +model = build_model("speech_fn") def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): - if predicted_sf == 'Command': + if predicted_sf == "Command": if ("Open" in previous_sf or previous_sf is None) and current_speaker == previous_speaker: - return 'Open.Command' + return "Open.Command" elif current_speaker == previous_speaker: - return 'Sustain.Continue.Command' + return "Sustain.Continue.Command" else: - return 'React.Respond.Command' - elif predicted_sf == 'Engage': + return "React.Respond.Command" + elif predicted_sf == "Engage": if previous_sf is None: - return 'Open.Attend' + return "Open.Attend" else: - return 'React.Respond.Support.Engage' + return "React.Respond.Support.Engage" return predicted_sf From 2f4a52921055daea075bb9614675eb14fd39651c Mon Sep 17 00:00:00 2001 From: nstsj Date: Wed, 20 Sep 2023 21:59:26 +0400 Subject: [PATCH 15/82] renamed branch and dist folder for future convenience --- .../{dream_Speech_models_based => dream_SFC_based_dm}/cpu.yml | 0 .../db_conf.json | 0 .../{dream_Speech_models_based => dream_SFC_based_dm}/dev.yml | 0 .../docker-compose.override.yml | 0 .../{dream_Speech_models_based => dream_SFC_based_dm}/gpu1.yml | 0 .../pipeline_conf.json | 0 .../{dream_Speech_models_based => dream_SFC_based_dm}/proxy.yml | 0 .../telegram.yml | 0 .../{dream_Speech_models_based => dream_SFC_based_dm}/test.yml | 0 9 files changed, 0 insertions(+), 0 deletions(-) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/cpu.yml (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/db_conf.json (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/dev.yml (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/docker-compose.override.yml (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/gpu1.yml (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/pipeline_conf.json (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/proxy.yml (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/telegram.yml (100%) rename assistant_dists/{dream_Speech_models_based => dream_SFC_based_dm}/test.yml (100%) diff --git a/assistant_dists/dream_Speech_models_based/cpu.yml b/assistant_dists/dream_SFC_based_dm/cpu.yml similarity index 100% rename from assistant_dists/dream_Speech_models_based/cpu.yml rename to assistant_dists/dream_SFC_based_dm/cpu.yml diff --git a/assistant_dists/dream_Speech_models_based/db_conf.json b/assistant_dists/dream_SFC_based_dm/db_conf.json similarity index 100% rename from assistant_dists/dream_Speech_models_based/db_conf.json rename to assistant_dists/dream_SFC_based_dm/db_conf.json diff --git a/assistant_dists/dream_Speech_models_based/dev.yml b/assistant_dists/dream_SFC_based_dm/dev.yml similarity index 100% rename from assistant_dists/dream_Speech_models_based/dev.yml rename to assistant_dists/dream_SFC_based_dm/dev.yml diff --git a/assistant_dists/dream_Speech_models_based/docker-compose.override.yml b/assistant_dists/dream_SFC_based_dm/docker-compose.override.yml similarity index 100% rename from assistant_dists/dream_Speech_models_based/docker-compose.override.yml rename to assistant_dists/dream_SFC_based_dm/docker-compose.override.yml diff --git a/assistant_dists/dream_Speech_models_based/gpu1.yml b/assistant_dists/dream_SFC_based_dm/gpu1.yml similarity index 100% rename from assistant_dists/dream_Speech_models_based/gpu1.yml rename to assistant_dists/dream_SFC_based_dm/gpu1.yml diff --git a/assistant_dists/dream_Speech_models_based/pipeline_conf.json b/assistant_dists/dream_SFC_based_dm/pipeline_conf.json similarity index 100% rename from assistant_dists/dream_Speech_models_based/pipeline_conf.json rename to assistant_dists/dream_SFC_based_dm/pipeline_conf.json diff --git a/assistant_dists/dream_Speech_models_based/proxy.yml b/assistant_dists/dream_SFC_based_dm/proxy.yml similarity index 100% rename from assistant_dists/dream_Speech_models_based/proxy.yml rename to assistant_dists/dream_SFC_based_dm/proxy.yml diff --git a/assistant_dists/dream_Speech_models_based/telegram.yml b/assistant_dists/dream_SFC_based_dm/telegram.yml similarity index 100% rename from assistant_dists/dream_Speech_models_based/telegram.yml rename to assistant_dists/dream_SFC_based_dm/telegram.yml diff --git a/assistant_dists/dream_Speech_models_based/test.yml b/assistant_dists/dream_SFC_based_dm/test.yml similarity index 100% rename from assistant_dists/dream_Speech_models_based/test.yml rename to assistant_dists/dream_SFC_based_dm/test.yml From db5bb745d664551f15515b12c38a9202dc53bfdf Mon Sep 17 00:00:00 2001 From: nstsj Date: Tue, 26 Sep 2023 15:19:52 +0400 Subject: [PATCH 16/82] branch renamed according to suggestions --- .../cpu.yml | 0 .../db_conf.json | 0 .../dev.yml | 0 .../docker-compose.override.yml | 0 .../gpu1.yml | 0 .../pipeline_conf.json | 0 .../proxy.yml | 0 .../telegram.yml | 0 .../test.yml | 0 9 files changed, 0 insertions(+), 0 deletions(-) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/cpu.yml (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/db_conf.json (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/dev.yml (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/docker-compose.override.yml (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/gpu1.yml (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/pipeline_conf.json (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/proxy.yml (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/telegram.yml (100%) rename assistant_dists/{dream_SFC_based_dm => dream_ranking_and_sfc_based_dm}/test.yml (100%) diff --git a/assistant_dists/dream_SFC_based_dm/cpu.yml b/assistant_dists/dream_ranking_and_sfc_based_dm/cpu.yml similarity index 100% rename from assistant_dists/dream_SFC_based_dm/cpu.yml rename to assistant_dists/dream_ranking_and_sfc_based_dm/cpu.yml diff --git a/assistant_dists/dream_SFC_based_dm/db_conf.json b/assistant_dists/dream_ranking_and_sfc_based_dm/db_conf.json similarity index 100% rename from assistant_dists/dream_SFC_based_dm/db_conf.json rename to assistant_dists/dream_ranking_and_sfc_based_dm/db_conf.json diff --git a/assistant_dists/dream_SFC_based_dm/dev.yml b/assistant_dists/dream_ranking_and_sfc_based_dm/dev.yml similarity index 100% rename from assistant_dists/dream_SFC_based_dm/dev.yml rename to assistant_dists/dream_ranking_and_sfc_based_dm/dev.yml diff --git a/assistant_dists/dream_SFC_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sfc_based_dm/docker-compose.override.yml similarity index 100% rename from assistant_dists/dream_SFC_based_dm/docker-compose.override.yml rename to assistant_dists/dream_ranking_and_sfc_based_dm/docker-compose.override.yml diff --git a/assistant_dists/dream_SFC_based_dm/gpu1.yml b/assistant_dists/dream_ranking_and_sfc_based_dm/gpu1.yml similarity index 100% rename from assistant_dists/dream_SFC_based_dm/gpu1.yml rename to assistant_dists/dream_ranking_and_sfc_based_dm/gpu1.yml diff --git a/assistant_dists/dream_SFC_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sfc_based_dm/pipeline_conf.json similarity index 100% rename from assistant_dists/dream_SFC_based_dm/pipeline_conf.json rename to assistant_dists/dream_ranking_and_sfc_based_dm/pipeline_conf.json diff --git a/assistant_dists/dream_SFC_based_dm/proxy.yml b/assistant_dists/dream_ranking_and_sfc_based_dm/proxy.yml similarity index 100% rename from assistant_dists/dream_SFC_based_dm/proxy.yml rename to assistant_dists/dream_ranking_and_sfc_based_dm/proxy.yml diff --git a/assistant_dists/dream_SFC_based_dm/telegram.yml b/assistant_dists/dream_ranking_and_sfc_based_dm/telegram.yml similarity index 100% rename from assistant_dists/dream_SFC_based_dm/telegram.yml rename to assistant_dists/dream_ranking_and_sfc_based_dm/telegram.yml diff --git a/assistant_dists/dream_SFC_based_dm/test.yml b/assistant_dists/dream_ranking_and_sfc_based_dm/test.yml similarity index 100% rename from assistant_dists/dream_SFC_based_dm/test.yml rename to assistant_dists/dream_ranking_and_sfc_based_dm/test.yml From fba525c8952c461e733803fe3af1c2f1bcc28505 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 29 Sep 2023 17:24:00 +0300 Subject: [PATCH 17/82] initial sf-based response selector commit --- .../Dockerfile | 26 + .../requirements.txt | 8 + .../server.py | 233 ++++++ .../environment.yml | 8 + .../service.yml | 29 + .../environment.yml | 8 + .../service.yml | 30 + .../test.py | 19 + .../test.sh | 3 + .../test_data.json | 681 ++++++++++++++++++ 10 files changed, 1045 insertions(+) create mode 100644 response_selectors/ranking_and_sf_based_response_selector/Dockerfile create mode 100644 response_selectors/ranking_and_sf_based_response_selector/requirements.txt create mode 100644 response_selectors/ranking_and_sf_based_response_selector/server.py create mode 100644 response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/environment.yml create mode 100644 response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/service.yml create mode 100644 response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/environment.yml create mode 100644 response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/service.yml create mode 100644 response_selectors/ranking_and_sf_based_response_selector/test.py create mode 100755 response_selectors/ranking_and_sf_based_response_selector/test.sh create mode 100644 response_selectors/ranking_and_sf_based_response_selector/test_data.json diff --git a/response_selectors/ranking_and_sf_based_response_selector/Dockerfile b/response_selectors/ranking_and_sf_based_response_selector/Dockerfile new file mode 100644 index 0000000000..55ebe32b5d --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/Dockerfile @@ -0,0 +1,26 @@ +FROM python:3.10 + +RUN mkdir /src + +COPY ./response_selectors/ranking_and_sf_based_response_selector/requirements.txt /src/requirements.txt +RUN pip install -r /src/requirements.txt + +ARG SERVICE_PORT +ENV SERVICE_PORT ${SERVICE_PORT} +ARG SENTENCE_RANKER_ANNOTATION_NAME +ENV SENTENCE_RANKER_ANNOTATION_NAME ${SENTENCE_RANKER_ANNOTATION_NAME} +ARG SENTENCE_RANKER_SERVICE_URL +ENV SENTENCE_RANKER_SERVICE_URL ${SENTENCE_RANKER_SERVICE_URL} +ARG SENTENCE_RANKER_TIMEOUT +ENV SENTENCE_RANKER_TIMEOUT ${SENTENCE_RANKER_TIMEOUT} +ARG N_UTTERANCES_CONTEXT=5 +ENV N_UTTERANCES_CONTEXT ${N_UTTERANCES_CONTEXT} +ARG FILTER_TOXIC_OR_BADLISTED=1 +ENV FILTER_TOXIC_OR_BADLISTED ${FILTER_TOXIC_OR_BADLISTED} + +COPY ./response_selectors/ranking_and_sf_based_response_selector/ /src/ +WORKDIR /src +COPY ./common/ ./common/ + + +CMD gunicorn --workers=1 server:app -b 0.0.0.0:${SERVICE_PORT} --timeout=1200 diff --git a/response_selectors/ranking_and_sf_based_response_selector/requirements.txt b/response_selectors/ranking_and_sf_based_response_selector/requirements.txt new file mode 100644 index 0000000000..0261e2b1f2 --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/requirements.txt @@ -0,0 +1,8 @@ +flask==1.1.1 +itsdangerous==2.0.1 +gunicorn==19.9.0 +requests==2.22.0 +numpy==1.25.0 +sentry-sdk==0.12.3 +jinja2<=3.0.3 +Werkzeug<=2.0.3 diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py new file mode 100644 index 0000000000..6b80683bc7 --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -0,0 +1,233 @@ +#!/usr/bin/env python +import json +import logging +import numpy as np +import requests +import time +from copy import deepcopy +from os import getenv +from typing import List + +import sentry_sdk +from flask import Flask, request, jsonify +from common.universal_templates import ( + is_any_question_sentence_in_utterance, + if_chat_about_particular_topic, + if_not_want_to_chat_about_particular_topic, + if_choose_topic, + is_switch_topic, +) +from common.utils import ( + is_toxic_or_badlisted_utterance, + get_entities, + get_common_tokens_in_lists_of_strings, +) + + +sentry_sdk.init(getenv("SENTRY_DSN")) + +logging.basicConfig(format="%(asctime)s - %(name)s - %(levelname)s - %(message)s", level=logging.INFO) +logger = logging.getLogger(__name__) + +app = Flask(__name__) + +SENTENCE_RANKER_ANNOTATION_NAME = getenv("SENTENCE_RANKER_ANNOTATION_NAME") +SENTENCE_RANKER_SERVICE_URL = getenv("SENTENCE_RANKER_SERVICE_URL") +SENTENCE_RANKER_TIMEOUT = int(getenv("SENTENCE_RANKER_TIMEOUT")) +FILTER_TOXIC_OR_BADLISTED = int(getenv("FILTER_TOXIC_OR_BADLISTED")) +N_UTTERANCES_CONTEXT = int(getenv("N_UTTERANCES_CONTEXT")) +assert SENTENCE_RANKER_ANNOTATION_NAME or SENTENCE_RANKER_SERVICE_URL, logger.error( + "Ranker service URL or annotator name should be given" +) + +lets_chat_about_triggers_fname = "common/intents/lets_chat_about_triggers.json" +LETS_CHAT_ABOUT_PARTICULAR_TOPICS = json.load(open(lets_chat_about_triggers_fname)) + +require_action_intents_fname = "common/intents/require_action_intents.json" +REQUIRE_ACTION_INTENTS = json.load(open(require_action_intents_fname)) + + +def filter_out_badlisted_or_toxic(hypotheses): + clean_hypotheses = [] + for hyp in hypotheses: + is_toxic = is_toxic_or_badlisted_utterance(hyp) + if not is_toxic: + clean_hypotheses += [deepcopy(hyp)] + else: + logger.info(f"Filter out toxic candidate: {hyp['text']}") + return clean_hypotheses + + +def select_response_by_scores(hypotheses, scores): + best_id = np.argmax(scores) + res = hypotheses[best_id] + return res, best_id + + +def get_scores(dialog_context, hypotheses): + if all([SENTENCE_RANKER_ANNOTATION_NAME in hyp.get("annotations", {}) for hyp in hypotheses]): + scores = [hyp.get("annotations", {}).get(SENTENCE_RANKER_ANNOTATION_NAME, 0.0) for hyp in hypotheses] + logger.info("Selected a response via Sentence Ranker Annotator.") + else: + try: + dialog_context = "\n".join(dialog_context) + pairs = [[dialog_context, hyp["text"]] for hyp in hypotheses] + scores = requests.post( + SENTENCE_RANKER_SERVICE_URL, + json={"sentence_pairs": pairs}, + timeout=SENTENCE_RANKER_TIMEOUT, + ).json() + scores = np.array(scores[0]["batch"]) + logger.info("Selected a response via Sentence Ranker Service.") + except Exception as e: + sentry_sdk.capture_exception(e) + scores = [hyp["confidence"] for hyp in hypotheses] + logger.exception(e) + logger.info("Selected a response via Confidence.") + return scores + + +def select_response(dialog_context: List[str], hypotheses: List[dict], last_human_ann_uttr: dict, prev_bot_uttr: dict): + scores = get_scores(dialog_context, hypotheses) + scores = [score if hyp["skill_name"] != "dummy_skill" else score - 1 for score, hyp in zip(scores, hypotheses)] + + # --------------------------------------------------------------------------------------------------------- + # sfc-based scaling + speech_predictor = last_human_ann_uttr["annotations"]["speech_function_predictor"] + human_named_entities = get_entities(last_human_ann_uttr, only_named=True, with_labels=False) + human_entities = get_entities(last_human_ann_uttr, only_named=False, with_labels=False) + + _human_is_switch_topic_request = is_switch_topic(last_human_ann_uttr) + _human_is_any_question = is_any_question_sentence_in_utterance(last_human_ann_uttr) + # if user utterance contains any question AND requires some intent by socialbot + _human_wants_to_chat_about_topic = ( + if_chat_about_particular_topic(last_human_ann_uttr) and "about it" not in last_human_ann_uttr["text"].lower() + ) + _human_does_not_want_to_chat_about_topic = if_not_want_to_chat_about_particular_topic(last_human_ann_uttr) + _human_wants_bot_to_choose_topic = if_choose_topic(last_human_ann_uttr, prev_bot_uttr) + + for hyp_id, hyp in enumerate(hypotheses): + hyp_named_entities = get_entities(hyp, only_named=True, with_labels=False) + hyp_entities = get_entities(hyp, only_named=False, with_labels=False) + # identifies if candidate contains named entities from last human utterance + _same_named_entities = len(get_common_tokens_in_lists_of_strings(hyp_named_entities, human_named_entities)) > 0 + # identifies if candidate contains all (not only named) entities from last human utterance + _same_entities = len(get_common_tokens_in_lists_of_strings(hyp_entities, human_entities)) > 0 + _hyp_wants_to_chat_about_topic = if_chat_about_particular_topic(hyp) and "about it" not in hyp["text"].lower() + + speech_predictor_hyps = [v["prediction"] for v in speech_predictor] + speech_predictor_scores = [v["confidence"] for v in speech_predictor] + speech_index = None + try: + speech_index = speech_predictor_hyps.index(hyp) + except ValueError: + logger.info(f"Speech function index could not be found from {hyp}, id: {hyp_id}.") + + scores[hyp_id] += speech_predictor_scores[speech_index] + + if ( + _human_is_switch_topic_request + or _human_does_not_want_to_chat_about_topic + or _human_wants_bot_to_choose_topic + ): + # human wants to switch topic + if len(human_named_entities) > 0 or len(human_entities) > 0: + # if usernames entities which does not want to talk about + if _same_named_entities or _same_entities: + # if hyp contains the same entities, decrease score + scores[hyp_id] /= 1.5 + elif len(hyp_named_entities) > 0 or len(hyp_entities) > 0: + # if hyp contains other entities, increase score + scores[hyp_id] *= 1.5 + else: + # if user does not name entities which does not want to talk about + if _hyp_wants_to_chat_about_topic: + # if hyp contains offer on chat about some entities, increase score + scores[hyp_id] *= 1.5 + elif _human_wants_to_chat_about_topic: + # if usernames entities which does not want to talk about + if _same_named_entities or _same_entities: + # if hyp contains requested entities, increase score + scores[hyp_id] *= 1.5 + + # --------------------------------------------------------------------------------------------------------- + + logger.info(f"Scores for selection:\n`{scores}`") + result = select_response_by_scores(hypotheses, scores)[0] + logger.info(f"ranking_and_intent_based_response_selector selected:\n`{result}`") + + return result + + +@app.route("/respond", methods=["POST"]) +def respond(): + st_time = time.time() + + dialogs = request.json["dialogs"] + + selected_skill_names = [] + selected_responses = [] + selected_confidences = [] + selected_human_attributes = [] + selected_bot_attributes = [] + selected_attributes = [] + + for i, dialog in enumerate(dialogs): + hypotheses = [hyp for hyp in dialog["human_utterances"][-1]["hypotheses"]] + if FILTER_TOXIC_OR_BADLISTED: + hypotheses = filter_out_badlisted_or_toxic(hypotheses) + hypotheses_texts = "\n".join([f'{h["skill_name"]} (conf={h["confidence"]}): {h["text"]}' for h in hypotheses]) + logger.info(f"Hypotheses: {hypotheses_texts}") + dialog_context = [uttr["text"] for uttr in dialog["utterances"][-N_UTTERANCES_CONTEXT:]] + selected_resp = select_response( + dialog_context, + hypotheses, + dialog["human_utterances"][-1], + dialog["bot_utterances"][-1], + ) + try: + best_id = hypotheses.index(selected_resp) + + selected_responses.append(hypotheses[best_id].pop("text")) + selected_skill_names.append(hypotheses[best_id].pop("skill_name")) + selected_confidences.append(hypotheses[best_id].pop("confidence")) + selected_human_attributes.append(hypotheses[best_id].pop("human_attributes", {})) + selected_bot_attributes.append(hypotheses[best_id].pop("bot_attributes", {})) + hypotheses[best_id].pop("annotations", {}) + selected_attributes.append(hypotheses[best_id]) + + except Exception as e: + sentry_sdk.capture_exception(e) + logger.exception(e) + logger.info( + "Exception in finding selected response in hypotheses. " + "Selected a response with the highest confidence." + ) + selected_resp, best_id = select_response_by_scores(hypotheses, [hyp["confidence"] for hyp in hypotheses]) + + selected_responses.append(hypotheses[best_id].pop("text")) + selected_skill_names.append(hypotheses[best_id].pop("skill_name")) + selected_confidences.append(hypotheses[best_id].pop("confidence")) + selected_human_attributes.append(hypotheses[best_id].pop("human_attributes", {})) + selected_bot_attributes.append(hypotheses[best_id].pop("bot_attributes", {})) + hypotheses[best_id].pop("annotations", {}) + selected_attributes.append(hypotheses[best_id]) + + total_time = time.time() - st_time + logger.info(f"ranking_and_intent_based_response_selector exec time = {total_time:.3f}s") + return jsonify( + list( + zip( + selected_skill_names, + selected_responses, + selected_confidences, + selected_human_attributes, + selected_bot_attributes, + selected_attributes, + ) + ) + ) + + +if __name__ == "__main__": + app.run(debug=False, host="0.0.0.0", port=3000) diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/environment.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/environment.yml new file mode 100644 index 0000000000..ba25a80c35 --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/environment.yml @@ -0,0 +1,8 @@ +SERVICE_PORT: 8082 +SERVICE_NAME: response_selector +SENTENCE_RANKER_ANNOTATION_NAME: dialogrpt +SENTENCE_RANKER_SERVICE_URL: http://dialogrpt-ru:8122/rank_sentences +SENTENCE_RANKER_TIMEOUT: 3 +N_UTTERANCES_CONTEXT: 5 +FILTER_TOXIC_OR_BADLISTED: 1 +FLASK_APP: server diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/service.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/service.yml new file mode 100644 index 0000000000..4e746ccdcb --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/service.yml @@ -0,0 +1,29 @@ +name: ranking-and-intent-based-response-selector-ru +endpoints: +- respond +compose: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8082 + SERVICE_NAME: response_selector + SENTENCE_RANKER_ANNOTATION_NAME: dialogrpt + SENTENCE_RANKER_SERVICE_URL: http://dialogrpt-ru:8122/rank_sentences + SENTENCE_RANKER_TIMEOUT: 3 + N_UTTERANCES_CONTEXT: 5 + FILTER_TOXIC_OR_BADLISTED: 1 + FLASK_APP: server + context: . + dockerfile: ./response_selectors/ranking_and_intent_based_response_selector/Dockerfile + command: flask run -h 0.0.0.0 -p 8082 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 100M + reservations: + memory: 100M + ports: + - 8082:8082 +proxy: null diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/environment.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/environment.yml new file mode 100644 index 0000000000..e087b72377 --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/environment.yml @@ -0,0 +1,8 @@ +SERVICE_PORT: 8081 +SERVICE_NAME: response_selector +SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker +SENTENCE_RANKER_SERVICE_URL: http://sentence-ranker:8128/respond +SENTENCE_RANKER_TIMEOUT: 3 +N_UTTERANCES_CONTEXT: 5 +FILTER_TOXIC_OR_BADLISTED: 1 +FLASK_APP: server diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/service.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/service.yml new file mode 100644 index 0000000000..ceda5c6e76 --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/service.yml @@ -0,0 +1,30 @@ +name: ranking-and-intent-based-response-selector +endpoints: +- respond +compose: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8081 + SERVICE_NAME: response_selector + LANGUAGE: EN + SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker + SENTENCE_RANKER_SERVICE_URL: http://sentence-ranker:8128/respond + SENTENCE_RANKER_TIMEOUT: 3 + N_UTTERANCES_CONTEXT: 5 + FILTER_TOXIC_OR_BADLISTED: 1 + FLASK_APP: server + context: . + dockerfile: ./response_selectors/ranking_and_intent_based_response_selector/Dockerfile + command: flask run -h 0.0.0.0 -p 8081 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 100M + reservations: + memory: 100M + ports: + - 8081:8081 +proxy: null diff --git a/response_selectors/ranking_and_sf_based_response_selector/test.py b/response_selectors/ranking_and_sf_based_response_selector/test.py new file mode 100644 index 0000000000..88d88655bf --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/test.py @@ -0,0 +1,19 @@ +import requests +import json +from os import getenv + + +SERVICE_PORT = getenv("SERVICE_PORT") + + +def main(): + with open("test_data.json", "r") as f: + data = json.load(f) + # To skip "Oh, and remember this dialog's id" that raises error due to absence of 'dialog_id' field in test_data. + data["dialogs"][0]["human_utterances"].append(data["dialogs"][0]["human_utterances"][0]) + result = requests.post(f"http://0.0.0.0:{SERVICE_PORT}/respond", json=data).json() + assert result[0][0] in ["program_y", "movie_tfidf_retrieval"], print(result) + + +if __name__ == "__main__": + main() diff --git a/response_selectors/ranking_and_sf_based_response_selector/test.sh b/response_selectors/ranking_and_sf_based_response_selector/test.sh new file mode 100755 index 0000000000..61672db785 --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/test.sh @@ -0,0 +1,3 @@ +#!/bin/bash + +python test.py diff --git a/response_selectors/ranking_and_sf_based_response_selector/test_data.json b/response_selectors/ranking_and_sf_based_response_selector/test_data.json new file mode 100644 index 0000000000..c08ed424ff --- /dev/null +++ b/response_selectors/ranking_and_sf_based_response_selector/test_data.json @@ -0,0 +1,681 @@ +{ + "dialogs": [ + { + "id": "374475c4139a489fa74981941c194cb0", + "utterances": [ + { + "text": "hey.", + "user": { + "id": "5e61287da7d26764f5d4a0ed", + "user_telegram_id": "dsadas", + "persona": {}, + "profile": { + "name": null, + "gender": null, + "birthdate": null, + "location": null, + "home_coordinates": null, + "work_coordinates": null, + "occupation": null, + "income_per_year": null + }, + "attributes": {}, + "user_type": "human" + }, + "annotations": { + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + }, + "asr": { + "asr_confidence": "undefined" + }, + "sentiment_classification": { + "text": [ + "positive", + 0.7487750053405762 + ] + }, + "emotion_classification": { + "text": { + "anger": 0.2401413470506668, + "fear": 0.2673250734806061, + "joy": 0.25821077823638916, + "disgust": 0.3577530086040497, + "sadness": 0.21969465911388397, + "surprise": 0.2795693576335907, + "neutral": 0.9991581439971924 + } + }, + "toxic_classification": { + "identity_hate": 0.0024989843368530273, + "insult": 0.0030942559242248535, + "obscene": 0.00198972225189209, + "severe_toxic": 0.0007079243659973145, + "sexual_explicit": 0.0022467062808573246, + "threat": 0.0014101153938099742, + "toxic": 0.007221863605082035 + }, + "sentseg": { + "punct_sent": "hey.", + "segments": [ + "hey." + ] + }, + "intent_catcher": { + "cant_do": { + "confidence": 0.0, + "detected": 0 + }, + "doing_well": { + "confidence": 0.0, + "detected": 0 + }, + "dont_understand": { + "confidence": 0.0, + "detected": 0 + }, + "exit": { + "confidence": 0.0, + "detected": 0 + }, + "lets_chat_about": { + "confidence": 0.0, + "detected": 0 + }, + "no": { + "confidence": 0.0, + "detected": 0 + }, + "opinion_request": { + "confidence": 0.0, + "detected": 0 + }, + "repeat": { + "confidence": 0.0, + "detected": 0 + }, + "stupid": { + "confidence": 0.0, + "detected": 0 + }, + "tell_me_a_story": { + "confidence": 0.0, + "detected": 0 + }, + "tell_me_more": { + "confidence": 0.0, + "detected": 0 + }, + "topic_switching": { + "confidence": 0.0, + "detected": 0 + }, + "weather_forecast_intent": { + "confidence": 0.0, + "detected": 0 + }, + "what_can_you_do": { + "confidence": 0.0, + "detected": 0 + }, + "what_is_your_job": { + "confidence": 0.0, + "detected": 0 + }, + "what_is_your_name": { + "confidence": 0.0, + "detected": 0 + }, + "what_time": { + "confidence": 0.0, + "detected": 0 + }, + "where_are_you_from": { + "confidence": 0.0, + "detected": 0 + }, + "who_made_you": { + "confidence": 0.0, + "detected": 0 + }, + "yes": { + "confidence": 0.0, + "detected": 0 + } + }, + "spacy_nounphrases": [], + "ner": [ + [ + { + "confidence": 1, + "end_pos": 1, + "start_pos": 0, + "text": "hey", + "type": "LOC" + } + ] + ], + "cobot_dialogact_intents": { + "text": [ + "General_ChatIntent" + ] + }, + "cobot_dialogact_topics": { + "text": [ + "Phatic" + ] + }, + "cobot_offensiveness": { + "text": [ + "non-toxic" + ], + "confidence": [ + 1.0309148e-05 + ], + "is_badlisted": [ + "not badlist" + ] + }, + "cobot_topics": { + "text": [ + "Phatic" + ] + }, + "sentrewrite": { + "clusters": [], + "modified_sents": [ + "hey." + ] + } + }, + "hypotheses": [ + { + "skill_name": "dummy_skill", + "annotations": { + "toxic_classification": { + "identity_hate": 0.00024211406707763672, + "insult": 0.0004429817199707031, + "obscene": 0.0001055598258972168, + "severe_toxic": 5.415081977844238e-05, + "sexual_explicit": 9.942054748535156e-05, + "threat": 0.00014013051986694336, + "toxic": 0.0009675323963165283 + }, + "stop_detect": { + "stop": 0.6065886616706848, + "continue": 0.4208565950393677 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.909, + "isResponseErroneous": 0.808, + "isResponseInteresting": 0.073, + "isResponseOnTopic": 0.158, + "responseEngagesUser": 0.469 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "I didn't get it. Sorry.", + "confidence": 0.5, + "type": "dummy" + }, + { + "skill_name": "dummy_skill", + "annotations": { + "toxic_classification": { + "identity_hate": 0.00024211406707763672, + "insult": 0.0004429817199707031, + "obscene": 0.0001055598258972168, + "severe_toxic": 5.415081977844238e-05, + "sexual_explicit": 9.942054748535156e-05, + "threat": 0.00014013051986694336, + "toxic": 0.0009675323963165283 + }, + "stop_detect": { + "stop": 0.6065886616706848, + "continue": 0.4208565950393677 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.909, + "isResponseErroneous": 0.808, + "isResponseInteresting": 0.073, + "isResponseOnTopic": 0.158, + "responseEngagesUser": 0.469 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "are you a comedy fan?", + "confidence": 0.6, + "type": "topic_question" + }, + { + "skill_name": "movie_tfidf_retrieval", + "annotations": { + "toxic_classification": { + "identity_hate": 0.0001259446144104004, + "insult": 0.00027686357498168945, + "obscene": 5.97834587097168e-05, + "severe_toxic": 3.403425216674805e-05, + "sexual_explicit": 8.13603401184082e-05, + "threat": 0.00012931227684020996, + "toxic": 0.0005629658699035645 + }, + "stop_detect": { + "stop": 0.5833511352539062, + "continue": 0.46003755927085876 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.281, + "isResponseErroneous": 0.531, + "isResponseInteresting": 0.228, + "isResponseOnTopic": 0.254, + "responseEngagesUser": 0.536 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "i got you haha. what do you think abuot celebrities? judge judy makes 123, 000 per episode apparently!", + "confidence": 0.38232852805460565 + }, + { + "skill_name": "program_y", + "annotations": { + "toxic_classification": { + "identity_hate": 8.749961853027344e-05, + "insult": 0.00024232268333435059, + "obscene": 2.828240394592285e-05, + "severe_toxic": 1.8358230590820312e-05, + "sexual_explicit": 2.9712915420532227e-05, + "threat": 6.490945816040039e-05, + "toxic": 0.00043845176696777344 + }, + "stop_detect": { + "stop": 0.5808720588684082, + "continue": 0.45234695076942444 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.984, + "isResponseErroneous": 0.614, + "isResponseInteresting": 0.253, + "isResponseOnTopic": 0.226, + "responseEngagesUser": 0.56 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "Good Morning, this is an Alexa Prize Socialbot! How are you?", + "confidence": 0.98 + } + ], + "date_time": "2020-03-05 17:07:20.926781", + "attributes": {} + } + ], + "human_utterances": [ + { + "text": "hey.", + "user": { + "id": "5e61287da7d26764f5d4a0ed", + "user_telegram_id": "dsadas", + "persona": {}, + "profile": { + "name": null, + "gender": null, + "birthdate": null, + "location": null, + "home_coordinates": null, + "work_coordinates": null, + "occupation": null, + "income_per_year": null + }, + "attributes": {}, + "user_type": "human" + }, + "annotations": { + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + }, + "asr": { + "asr_confidence": "undefined" + }, + "sentiment_classification": { + "text": [ + "positive", + 0.7487750053405762 + ] + }, + "emotion_classification": { + "text": { + "anger": 0.2401413470506668, + "fear": 0.2673250734806061, + "joy": 0.25821077823638916, + "disgust": 0.3577530086040497, + "sadness": 0.21969465911388397, + "surprise": 0.2795693576335907, + "neutral": 0.9991581439971924 + } + }, + "toxic_classification": { + "identity_hate": 0.0024989843368530273, + "insult": 0.0030942559242248535, + "obscene": 0.00198972225189209, + "severe_toxic": 0.0007079243659973145, + "sexual_explicit": 0.0022467062808573246, + "threat": 0.0014101153938099742, + "toxic": 0.007221863605082035 + }, + "sentseg": { + "punct_sent": "hey.", + "segments": [ + "hey." + ] + }, + "intent_catcher": { + "cant_do": { + "confidence": 0.0, + "detected": 0 + }, + "doing_well": { + "confidence": 0.0, + "detected": 0 + }, + "dont_understand": { + "confidence": 0.0, + "detected": 0 + }, + "exit": { + "confidence": 0.0, + "detected": 0 + }, + "lets_chat_about": { + "confidence": 0.0, + "detected": 0 + }, + "no": { + "confidence": 0.0, + "detected": 0 + }, + "opinion_request": { + "confidence": 0.0, + "detected": 0 + }, + "repeat": { + "confidence": 0.0, + "detected": 0 + }, + "stupid": { + "confidence": 0.0, + "detected": 0 + }, + "tell_me_a_story": { + "confidence": 0.0, + "detected": 0 + }, + "tell_me_more": { + "confidence": 0.0, + "detected": 0 + }, + "topic_switching": { + "confidence": 0.0, + "detected": 0 + }, + "weather_forecast_intent": { + "confidence": 0.0, + "detected": 0 + }, + "what_can_you_do": { + "confidence": 0.0, + "detected": 0 + }, + "what_is_your_job": { + "confidence": 0.0, + "detected": 0 + }, + "what_is_your_name": { + "confidence": 0.0, + "detected": 0 + }, + "what_time": { + "confidence": 0.0, + "detected": 0 + }, + "where_are_you_from": { + "confidence": 0.0, + "detected": 0 + }, + "who_made_you": { + "confidence": 0.0, + "detected": 0 + }, + "yes": { + "confidence": 0.0, + "detected": 0 + } + }, + "spacy_nounphrases": [], + "ner": [ + [ + { + "confidence": 1, + "end_pos": 1, + "start_pos": 0, + "text": "hey", + "type": "LOC" + } + ] + ], + "cobot_dialogact_intents": { + "text": [ + "General_ChatIntent" + ]}, + "cobot_dialogact_topics": { + "text": [ + "Phatic" + ] + }, + "cobot_offensiveness": { + "text": [ + "non-toxic" + ], + "confidence": [ + 1.0309148e-05 + ], + "is_badlisted": [ + "not badlist" + ] + }, + "cobot_topics": { + "text": [ + "Phatic" + ] + }, + "sentrewrite": { + "clusters": [], + "modified_sents": [ + "hey." + ] + } + }, + "hypotheses": [ + { + "skill_name": "dummy_skill", + "annotations": { + "toxic_classification": { + "identity_hate": 0.00024211406707763672, + "insult": 0.0004429817199707031, + "obscene": 0.0001055598258972168, + "severe_toxic": 5.415081977844238e-05, + "sexual_explicit": 9.942054748535156e-05, + "threat": 0.00014013051986694336, + "toxic": 0.0009675323963165283 + }, + "stop_detect": { + "stop": 0.6065886616706848, + "continue": 0.4208565950393677 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.909, + "isResponseErroneous": 0.808, + "isResponseInteresting": 0.073, + "isResponseOnTopic": 0.158, + "responseEngagesUser": 0.469 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "I didn't get it. Sorry.", + "confidence": 0.5, + "type": "dummy" + }, + { + "skill_name": "dummy_skill", + "annotations": { + "toxic_classification": { + "identity_hate": 0.00024211406707763672, + "insult": 0.0004429817199707031, + "obscene": 0.0001055598258972168, + "severe_toxic": 5.415081977844238e-05, + "sexual_explicit": 9.942054748535156e-05, + "threat": 0.00014013051986694336, + "toxic": 0.0009675323963165283 + }, + "stop_detect": { + "stop": 0.6065886616706848, + "continue": 0.4208565950393677 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.909, + "isResponseErroneous": 0.808, + "isResponseInteresting": 0.073, + "isResponseOnTopic": 0.158, + "responseEngagesUser": 0.469 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "are you a comedy fan?", + "confidence": 0.6, + "type": "topic_question" + }, + { + "skill_name": "movie_tfidf_retrieval", + "annotations": { + "toxic_classification": { + "identity_hate": 0.0001259446144104004, + "insult": 0.00027686357498168945, + "obscene": 5.97834587097168e-05, + "severe_toxic": 3.403425216674805e-05, + "sexual_explicit": 8.13603401184082e-05, + "threat": 0.00012931227684020996, + "toxic": 0.0005629658699035645 + }, + "stop_detect": { + "stop": 0.5833511352539062, + "continue": 0.46003755927085876 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.281, + "isResponseErroneous": 0.531, + "isResponseInteresting": 0.228, + "isResponseOnTopic": 0.254, + "responseEngagesUser": 0.536 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "i got you haha. what do you think abuot celebrities? judge judy makes 123, 000 per episode apparently!", + "confidence": 0.38232852805460565 + }, + { + "skill_name": "program_y", + "annotations": { + "toxic_classification": { + "identity_hate": 8.749961853027344e-05, + "insult": 0.00024232268333435059, + "obscene": 2.828240394592285e-05, + "severe_toxic": 1.8358230590820312e-05, + "sexual_explicit": 2.9712915420532227e-05, + "threat": 6.490945816040039e-05, + "toxic": 0.00043845176696777344 + }, + "stop_detect": { + "stop": 0.5808720588684082, + "continue": 0.45234695076942444 + }, + "convers_evaluator_annotator": { + "isResponseComprehensible": 0.984, + "isResponseErroneous": 0.614, + "isResponseInteresting": 0.253, + "isResponseOnTopic": 0.226, + "responseEngagesUser": 0.56 + }, + "badlisted_words": { + "inappropriate": false, + "profanity": false, + "restricted_topics": false + } + }, + "text": "Good Morning, this is an Alexa Prize Socialbot! How are you?", + "confidence": 0.98 + } + ], + "date_time": "2020-03-05 17:07:20.926781", + "attributes": {} + } + ], + "bot_utterances": [], + "human": { + "id": "5e61287da7d26764f5d4a0ed", + "user_telegram_id": "dsadas", + "persona": {}, + "profile": { + "name": null, + "gender": null, + "birthdate": null, + "location": null, + "home_coordinates": null, + "work_coordinates": null, + "occupation": null, + "income_per_year": null + }, + "attributes": {}, + "user_type": "human" + }, + "bot": { + "id": "d3479979f64a4f0eab7804fade8a9fc2", + "persona": {}, + "attributes": {}, + "user_type": "bot" + }, + "channel_type": "http_client", + "date_start": "None", + "date_finish": "None" + } + ] +} From 58178b24cf0c90dd90ea288b4646719df54b44b5 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 29 Sep 2023 17:43:29 +0300 Subject: [PATCH 18/82] added sf-based rs to configs --- assistant_dists/dream_sfc/dev.yml | 6 +++++ .../dream_sfc/docker-compose.override.yml | 27 ++++++++++++++++++- assistant_dists/dream_sfc/pipeline_conf.json | 8 +++--- 3 files changed, 36 insertions(+), 5 deletions(-) diff --git a/assistant_dists/dream_sfc/dev.yml b/assistant_dists/dream_sfc/dev.yml index 157422968f..c3f90244ae 100755 --- a/assistant_dists/dream_sfc/dev.yml +++ b/assistant_dists/dream_sfc/dev.yml @@ -400,4 +400,10 @@ services: - "~/.deeppavlov/cache:/root/.cache" ports: - 8107:8107 + ranking-based-response-selector: + volumes: + - "./response_selectors/ranking_and_sf_based_response_selector:/src" + - "./common:/src/common" + ports: + - 8081:8081 version: "3.7" diff --git a/assistant_dists/dream_sfc/docker-compose.override.yml b/assistant_dists/dream_sfc/docker-compose.override.yml index a54b6050c9..6d2161b2e8 100644 --- a/assistant_dists/dream_sfc/docker-compose.override.yml +++ b/assistant_dists/dream_sfc/docker-compose.override.yml @@ -3,7 +3,7 @@ services: command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.pipeline_config=assistant_dists/dream_sfc/pipeline_conf.json' environment: WAIT_HOSTS: "convers-evaluator-annotator:8004, - spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, + spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, ranking-and-sf-based-response-selector:8081, intent-responder:8012, intent-catcher:8014, badlisted-words:8018, sentrewrite:8017, ner:8021, dff-program-y-dangerous:8022, dff-movie-skill:8023, convert-reddit:8029, personal-info-skill:8030, asr:8031, misheard-asr:8033, dff-weather-skill:8037, @@ -47,6 +47,31 @@ services: reservations: memory: 2G + ranking-based-response-selector: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8081 + SERVICE_NAME: response_selector + LANGUAGE: EN + SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker + SENTENCE_RANKER_SERVICE_URL: http://sentence-ranker:8128/respond + SENTENCE_RANKER_TIMEOUT: 3 + N_UTTERANCES_CONTEXT: 5 + FILTER_TOXIC_OR_BADLISTED: 1 + FALLBACK_FILE: fallbacks_dream_en.json + context: . + dockerfile: ./response_selectors/ranking_and_sf_based_response_selector/Dockerfile + command: flask run -h 0.0.0.0 -p 8081 + environment: + - FLASK_APP=server + deploy: + resources: + limits: + memory: 100M + reservations: + memory: 100M + spacy-nounphrases: env_file: [ .env ] build: diff --git a/assistant_dists/dream_sfc/pipeline_conf.json b/assistant_dists/dream_sfc/pipeline_conf.json index b90eb31b94..079791b675 100644 --- a/assistant_dists/dream_sfc/pipeline_conf.json +++ b/assistant_dists/dream_sfc/pipeline_conf.json @@ -1512,9 +1512,9 @@ "connector": { "protocol": "http", "timeout": 1.0, - "url": "http://scripts-priority-selector:8009/respond" + "url": "http://ranking-and-sf-based-response-selector:8081/respond" }, - "dialog_formatter": "state_formatters.dp_formatters:full_history_dialog", + "dialog_formatter": "state_formatters.dp_formatters:cropped_dialog", "response_formatter": "state_formatters.dp_formatters:base_response_selector_formatter_service", "previous_services": [ "candidate_annotators" @@ -1522,8 +1522,8 @@ "state_manager_method": "add_bot_utterance", "is_enabled": true, "source": { - "component": "components/3vsfbB89yVpQm5OVW0YcvQ.yml", - "service": "response_selectors/convers_evaluation_based_selector/service_configs/scripts-priority-selector" + "component": "components/ksDjnfoiwur902hriwnefkwfi2.yml", + "service": "response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector" } } } From a3d00d2ec4da279341bbf980e75d1ce74d7c42fe Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Sun, 1 Oct 2023 12:06:18 +0400 Subject: [PATCH 19/82] fix: pipeline and cards - almost ready --- .../cpu.yml | 0 .../db_conf.json | 0 .../dev.yml | 18 ++++ .../docker-compose.override.yml | 61 +++++++++++- .../gpu1.yml | 0 .../pipeline_conf.json | 95 +++++++++++++++++-- .../proxy.yml | 0 .../telegram.yml | 2 +- .../test.yml | 0 components/Wejhdfp3utgih8.yml | 32 +++++++ components/sjkdfh289fnkdfg.yml | 32 +++++++ .../server.py | 12 +-- .../environment.yml | 7 ++ .../dream_ranking_and_sf_based_dm/service.yml | 18 ++++ 14 files changed, 262 insertions(+), 15 deletions(-) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/cpu.yml (100%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/db_conf.json (100%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/dev.yml (88%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/docker-compose.override.yml (85%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/gpu1.yml (100%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/pipeline_conf.json (84%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/proxy.yml (100%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/telegram.yml (72%) rename assistant_dists/{dream_ranking_and_sfc_based_dm => dream_ranking_and_sf_based_dm}/test.yml (100%) create mode 100644 components/Wejhdfp3utgih8.yml create mode 100644 components/sjkdfh289fnkdfg.yml create mode 100644 services/agent_services/service_configs/dream_ranking_and_sf_based_dm/environment.yml create mode 100644 services/agent_services/service_configs/dream_ranking_and_sf_based_dm/service.yml diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/cpu.yml b/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml similarity index 100% rename from assistant_dists/dream_ranking_and_sfc_based_dm/cpu.yml rename to assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/db_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/db_conf.json similarity index 100% rename from assistant_dists/dream_ranking_and_sfc_based_dm/db_conf.json rename to assistant_dists/dream_ranking_and_sf_based_dm/db_conf.json diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/dev.yml b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml similarity index 88% rename from assistant_dists/dream_ranking_and_sfc_based_dm/dev.yml rename to assistant_dists/dream_ranking_and_sf_based_dm/dev.yml index cf00284e92..cbaf2aa24d 100644 --- a/assistant_dists/dream_ranking_and_sfc_based_dm/dev.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml @@ -117,12 +117,30 @@ services: - "./common:/src/common" ports: - 8145:8145 + dff-dream-persona-chatgpt-prompted-skill: + volumes: + - "./skills/dff_template_prompted_skill:/src" + - "./common:/src/common" + ports: + - 8137:8137 + dff-google-api-skill: + volumes: + - "./skills/dff_google_api_skill:/src" + - "./common:/src/common" + ports: + - 8162:8162 property-extraction: volumes: - "./annotators/property_extraction:/src" - "~/.deeppavlov:/root/.deeppavlov" ports: - 8136:8136 + dff-dream-faq-prompted-skill: + volumes: + - "./skills/dff_template_prompted_skill:/src" + - "./common:/src/common" + ports: + - 8170:8170 summarization-annotator: volumes: - "./annotators/summarization_annotator:/src" diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml similarity index 85% rename from assistant_dists/dream_ranking_and_sfc_based_dm/docker-compose.override.yml rename to assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 134b2d299f..c819cbf142 100644 --- a/assistant_dists/dream_ranking_and_sfc_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -1,6 +1,6 @@ services: agent: - command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_Speech_models_based/pipeline_conf.json agent.db_config=assistant_dists/dream_Speech_models_based/db_conf.json' + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json' environment: WAIT_HOSTS: "sentseg:8011, ranking-based-response-selector:8002, dff-intent-responder-skill:8012, intent-catcher:8014, ner:8021, @@ -8,6 +8,7 @@ services: combined-classification:8087, fact-retrieval:8100, entity-detection:8103, speech-function-classifier:8108, sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, + dff-dream-persona-chatgpt-prompted-skill:8137, dff-dream-faq-prompted-skill:8170, openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059" WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} HIGH_PRIORITY_INTENTS: 1 @@ -348,6 +349,43 @@ services: reservations: memory: 100M + dff-dream-persona-chatgpt-prompted-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8137 + SERVICE_NAME: dff_dream_persona_prompted_skill + PROMPT_FILE: common/prompts/dream_persona.json + GENERATIVE_SERVICE_URL: http://openai-api-chatgpt:8145/respond + GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json + GENERATIVE_TIMEOUT: 120 + N_UTTERANCES_CONTEXT: 7 + ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION + context: . + dockerfile: ./skills/dff_template_prompted_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M + + dff-google-api-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8162 + SERVICE_NAME: dff_google_api_skill + ENVVARS_TO_SEND: OPENAI_API_KEY,GOOGLE_CSE_ID,GOOGLE_API_KEY + context: . + dockerfile: ./skills/dff_google_api_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M + property-extraction: env_file: [.env] build: @@ -368,6 +406,27 @@ services: reservations: memory: 7G + dff-dream-faq-prompted-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8170 + SERVICE_NAME: dff_dream_faq_prompted_skill + PROMPT_FILE: common/prompts/dream_faq.json + GENERATIVE_SERVICE_URL: http://openai-api-chatgpt-16k:8167/respond + GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json + GENERATIVE_TIMEOUT: 120 + N_UTTERANCES_CONTEXT: 7 + ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION + context: . + dockerfile: ./skills/dff_template_prompted_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M + openai-api-chatgpt-16k: env_file: [ .env ] build: diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/gpu1.yml b/assistant_dists/dream_ranking_and_sf_based_dm/gpu1.yml similarity index 100% rename from assistant_dists/dream_ranking_and_sfc_based_dm/gpu1.yml rename to assistant_dists/dream_ranking_and_sf_based_dm/gpu1.yml diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json similarity index 84% rename from assistant_dists/dream_ranking_and_sfc_based_dm/pipeline_conf.json rename to assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 549a8f409c..079c88efa6 100644 --- a/assistant_dists/dream_ranking_and_sfc_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -36,8 +36,8 @@ ], "is_enabled": true, "source": { - "component": "components/sbDcAqiNqxFz.yml", - "service": "services/agent_services/service_configs/dream" + "component": "components/sjkdfh289fnkdfg.yml", + "service": "services/agent_services/service_configs/dream_ranking_and_sf_based_dm" } }, "timeout_service": { @@ -64,8 +64,8 @@ ], "is_enabled": true, "source": { - "component": "components/rFC0YJOoDFvS.yml", - "service": "services/agent_services/service_configs/dream" + "component": "components/Wejhdfp3utgih8.yml", + "service": "services/agent_services/service_configs/dream_ranking_and_sf_based_dm" } }, "annotators": { @@ -88,7 +88,7 @@ "speech_function_classifier": { "connector": { "protocol": "http", - "timeout": 5, + "timeout": 5.0, "url": "http://speech-function-classifier:8108/annotation" }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", @@ -101,6 +101,24 @@ "service": "annotators/speech_function_classifier/service_configs/speech-function-classifier" } }, + "speech_function_predictor": { + "connector": { + "protocol": "http", + "timeout": 5.0, + "url": "http://speech-function-predictor:8107/annotation" + }, + "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "annotations.speech_function_classifier" + ], + "state_manager_method": "add_annotation", + "is_enabled": true, + "source": { + "component": "FNmTZbz8EA6Y80b5pXZzQ.yml", + "service": "annotators/speech_function_classifier/service_configs/speech-function-predictor" + } + }, "prompt_goals_collector": { "connector": { "protocol": "http", @@ -435,6 +453,48 @@ } }, "skills": { + "dff_dream_persona_prompted_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-dream-persona-chatgpt-prompted-skill:8137/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_dream_persona_prompted_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/W6hdAGshQyMwdQukRXXuKA.yml", + "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-persona-chatgpt-prompted-skill" + } + }, + "dff_google_api_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-google-api-skill:8162/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_google_api_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/VJ7c3sLqEi.yml", + "service": "skills/dff_google_api_skill/service_configs/dff-google-api-skill" + } + }, "dff_intent_responder_skill": { "connector": { "protocol": "http", @@ -487,6 +547,27 @@ "component": "components/qx0j5QHAzog0b39nRnuA.yml", "service": "skills/factoid_qa/service_configs/factoid-qa" } + }, + "dff_dream_faq_prompted_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-dream-faq-prompted-skill:8170/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_dream_faq_prompted_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/jFmKPqMJh0.yml", + "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-faq-prompted-skill" + } } }, "response_selectors": { @@ -511,9 +592,9 @@ } }, "metadata": { - "display_name": "Dream", + "display_name": "Dream with Ranking- and Speech Function-based DM", "author": "DeepPavlov", - "description": "Main version of DeepPavlov Dream Socialbot", + "description": "DeepPavlov Dream Distribution with Ranking- and Speech Function-based Dialog Management", "version": "0.1.0", "date_created": "2022-12-12T12:12:00", "ram_usage": "20 GB", diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/proxy.yml b/assistant_dists/dream_ranking_and_sf_based_dm/proxy.yml similarity index 100% rename from assistant_dists/dream_ranking_and_sfc_based_dm/proxy.yml rename to assistant_dists/dream_ranking_and_sf_based_dm/proxy.yml diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/telegram.yml b/assistant_dists/dream_ranking_and_sf_based_dm/telegram.yml similarity index 72% rename from assistant_dists/dream_ranking_and_sfc_based_dm/telegram.yml rename to assistant_dists/dream_ranking_and_sf_based_dm/telegram.yml index 9454225146..f39748cf0a 100644 --- a/assistant_dists/dream_ranking_and_sfc_based_dm/telegram.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/telegram.yml @@ -1,6 +1,6 @@ services: agent-tg: - command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_Speech_models_based/pipeline_conf.json agent.db_config=assistant_dists/dream_Speech_models_based/db_conf.json' + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json agent.db_config=assistant_dists/dream_ranking_and_sf_based_dm/db_conf.json' env_file: [.env] build: context: ./ diff --git a/assistant_dists/dream_ranking_and_sfc_based_dm/test.yml b/assistant_dists/dream_ranking_and_sf_based_dm/test.yml similarity index 100% rename from assistant_dists/dream_ranking_and_sfc_based_dm/test.yml rename to assistant_dists/dream_ranking_and_sf_based_dm/test.yml diff --git a/components/Wejhdfp3utgih8.yml b/components/Wejhdfp3utgih8.yml new file mode 100644 index 0000000000..1f62c9cd83 --- /dev/null +++ b/components/Wejhdfp3utgih8.yml @@ -0,0 +1,32 @@ +name: timeout_service +display_name: Timeout Service +component_type: null +model_type: null +is_customizable: false +author: publisher@deeppavlov.ai +description: Timeout Service +ram_usage: 100M +gpu_usage: null +group: timeout_service +connector: + protocol: python + class_name: PredefinedTextConnector + response_text: Sorry, something went wrong inside. Please tell me, what did you + say. + annotations: + sentseg: + punct_sent: Sorry, something went wrong inside. Please tell me, what did you + say. + segments: + - Sorry, something went wrong inside. + - Please tell me, what did you say. +dialog_formatter: null +response_formatter: null +previous_services: null +required_previous_services: null +state_manager_method: add_bot_utterance_last_chance +tags: +- timeout +endpoint: respond +service: services/agent_services/service_configs/dream_ranking_and_sf_based_dm +date_created: '2023-03-04T19:27:44' diff --git a/components/sjkdfh289fnkdfg.yml b/components/sjkdfh289fnkdfg.yml new file mode 100644 index 0000000000..ac6abdf8b5 --- /dev/null +++ b/components/sjkdfh289fnkdfg.yml @@ -0,0 +1,32 @@ +name: last_chance_service +display_name: Last Chance Service +component_type: null +model_type: null +is_customizable: false +author: publisher@deeppavlov.ai +description: Last Chance Service +ram_usage: 100M +gpu_usage: null +group: last_chance_service +connector: + protocol: python + class_name: PredefinedTextConnector + response_text: Sorry, something went wrong inside. Please tell me, what did you + say. + annotations: + sentseg: + punct_sent: Sorry, something went wrong inside. Please tell me, what did you + say. + segments: + - Sorry, something went wrong inside. + - Please tell me, what did you say. +dialog_formatter: null +response_formatter: null +previous_services: null +required_previous_services: null +state_manager_method: add_bot_utterance_last_chance +tags: +- last_chance +endpoint: respond +service: services/agent_services/service_configs/dream_ranking_and_sf_based_dm +date_created: '2023-03-04T19:27:44' diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 6b80683bc7..063ecdb0be 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -33,7 +33,7 @@ SENTENCE_RANKER_ANNOTATION_NAME = getenv("SENTENCE_RANKER_ANNOTATION_NAME") SENTENCE_RANKER_SERVICE_URL = getenv("SENTENCE_RANKER_SERVICE_URL") -SENTENCE_RANKER_TIMEOUT = int(getenv("SENTENCE_RANKER_TIMEOUT")) +SENTENCE_RANKER_TIMEOUT = float(getenv("SENTENCE_RANKER_TIMEOUT")) FILTER_TOXIC_OR_BADLISTED = int(getenv("FILTER_TOXIC_OR_BADLISTED")) N_UTTERANCES_CONTEXT = int(getenv("N_UTTERANCES_CONTEXT")) assert SENTENCE_RANKER_ANNOTATION_NAME or SENTENCE_RANKER_SERVICE_URL, logger.error( @@ -60,8 +60,8 @@ def filter_out_badlisted_or_toxic(hypotheses): def select_response_by_scores(hypotheses, scores): best_id = np.argmax(scores) - res = hypotheses[best_id] - return res, best_id + result = hypotheses[best_id] + return result, best_id def get_scores(dialog_context, hypotheses): @@ -93,7 +93,7 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma # --------------------------------------------------------------------------------------------------------- # sfc-based scaling - speech_predictor = last_human_ann_uttr["annotations"]["speech_function_predictor"] + speech_predictor = last_human_ann_uttr["annotations"].get("speech_function_predictor", []) human_named_entities = get_entities(last_human_ann_uttr, only_named=True, with_labels=False) human_entities = get_entities(last_human_ann_uttr, only_named=False, with_labels=False) @@ -145,12 +145,12 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma # if hyp contains offer on chat about some entities, increase score scores[hyp_id] *= 1.5 elif _human_wants_to_chat_about_topic: - # if usernames entities which does not want to talk about + # if user names entities which does not want to talk about if _same_named_entities or _same_entities: # if hyp contains requested entities, increase score scores[hyp_id] *= 1.5 - # --------------------------------------------------------------------------------------------------------- + # -------------------------------------------------------------------------------------------------------------- logger.info(f"Scores for selection:\n`{scores}`") result = select_response_by_scores(hypotheses, scores)[0] diff --git a/services/agent_services/service_configs/dream_ranking_and_sf_based_dm/environment.yml b/services/agent_services/service_configs/dream_ranking_and_sf_based_dm/environment.yml new file mode 100644 index 0000000000..ec5b8be2ba --- /dev/null +++ b/services/agent_services/service_configs/dream_ranking_and_sf_based_dm/environment.yml @@ -0,0 +1,7 @@ +WAIT_HOSTS: '' +WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} +HIGH_PRIORITY_INTENTS: 1 +RESTRICTION_FOR_SENSITIVE_CASE: 1 +ALWAYS_TURN_ON_ALL_SKILLS: 0 +LANGUAGE: EN +FALLBACK_FILE: fallbacks_dream_en.json diff --git a/services/agent_services/service_configs/dream_ranking_and_sf_based_dm/service.yml b/services/agent_services/service_configs/dream_ranking_and_sf_based_dm/service.yml new file mode 100644 index 0000000000..14f20f2cb2 --- /dev/null +++ b/services/agent_services/service_configs/dream_ranking_and_sf_based_dm/service.yml @@ -0,0 +1,18 @@ +name: agent +endpoints: +- respond +compose: + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.pipeline_config=assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json' + environment: + WAIT_HOSTS: '' + WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} + HIGH_PRIORITY_INTENTS: 1 + RESTRICTION_FOR_SENSITIVE_CASE: 1 + ALWAYS_TURN_ON_ALL_SKILLS: 0 + LANGUAGE: EN + FALLBACK_FILE: fallbacks_dream_en.json + volumes: + - .:/dp-agent + ports: + - 4242:4242 +proxy: null From ef70b63251eca1b45d786734cb5be494fc2fdc34 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Sun, 1 Oct 2023 12:08:39 +0400 Subject: [PATCH 20/82] fix: cards --- .../dream_ranking_and_sf_based_dm/pipeline_conf.json | 2 +- components/FNmTZbz8EA6Y80b5pXZzQ.yml | 2 +- components/IvTBJz0AoCD98qMOkbXEkg.yml | 2 +- 3 files changed, 3 insertions(+), 3 deletions(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 079c88efa6..65e71a0c51 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -97,7 +97,7 @@ "state_manager_method": "add_annotation", "is_enabled": true, "source": { - "component": "CREATE COMPONENT", + "component": "components/IvTBJz0AoCD98qMOkbXEkg.yml", "service": "annotators/speech_function_classifier/service_configs/speech-function-classifier" } }, diff --git a/components/FNmTZbz8EA6Y80b5pXZzQ.yml b/components/FNmTZbz8EA6Y80b5pXZzQ.yml index a2bb4cdda2..59d628552d 100644 --- a/components/FNmTZbz8EA6Y80b5pXZzQ.yml +++ b/components/FNmTZbz8EA6Y80b5pXZzQ.yml @@ -12,7 +12,7 @@ group: annotators connector: protocol: http timeout: 5.0 - url: http://speech-function-predictor:8107/model + url: http://speech-function-predictor:8107/annotation dialog_formatter: state_formatters.dp_formatters:speech_function_predictor_formatter response_formatter: state_formatters.dp_formatters:simple_formatter_service previous_services: diff --git a/components/IvTBJz0AoCD98qMOkbXEkg.yml b/components/IvTBJz0AoCD98qMOkbXEkg.yml index cc2b790a98..eaa38bbfe4 100644 --- a/components/IvTBJz0AoCD98qMOkbXEkg.yml +++ b/components/IvTBJz0AoCD98qMOkbXEkg.yml @@ -12,7 +12,7 @@ group: response_annotators connector: protocol: http timeout: 5.0 - url: http://speech-function-classifier:8108/model + url: http://speech-function-classifier:8108/annotation dialog_formatter: state_formatters.dp_formatters:speech_function_bot_formatter response_formatter: state_formatters.dp_formatters:simple_formatter_service previous_services: From fb029526b44a6e769841324781b6192ec1b37415 Mon Sep 17 00:00:00 2001 From: nstsj Date: Mon, 2 Oct 2023 23:46:59 +0400 Subject: [PATCH 21/82] ranking_and_sf_based_response_selector updates: component card and configs --- .../dream_ranking_and_sf_based_dm/dev.yml | 20 +-- .../docker-compose.override.yml | 131 +++++++++--------- .../pipeline_conf.json | 71 +--------- components/Mul0SGf8K24fWIOBjH2m.yml | 27 ++++ .../server.py | 4 +- .../environment.yml | 0 .../service.yml | 4 +- .../environment.yml | 2 +- .../service.yml | 10 +- 9 files changed, 118 insertions(+), 151 deletions(-) create mode 100644 components/Mul0SGf8K24fWIOBjH2m.yml rename response_selectors/ranking_and_sf_based_response_selector/service_configs/{ranking-and-intent-based-response-selector-ru => ranking-and-sf-based-response-selector-ru}/environment.yml (100%) rename response_selectors/ranking_and_sf_based_response_selector/service_configs/{ranking-and-intent-based-response-selector-ru => ranking-and-sf-based-response-selector-ru}/service.yml (80%) rename response_selectors/ranking_and_sf_based_response_selector/service_configs/{ranking-and-intent-based-response-selector => ranking-and-sf-based-response-selector}/environment.yml (92%) rename response_selectors/ranking_and_sf_based_response_selector/service_configs/{ranking-and-intent-based-response-selector => ranking-and-sf-based-response-selector}/service.yml (71%) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml index cbaf2aa24d..b9ee415dd7 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml @@ -11,12 +11,12 @@ services: - "./annotators/SentSeg:/src" ports: - 8011:8011 - ranking-based-response-selector: + ranking-and-sf-based-response-selector: volumes: - - "./response_selectors/ranking_based_response_selector:/src" + - "./response_selectors/ranking_and_sf_based_response_selector:/src" - "./common:/src/common" ports: - - 8002:8002 + - 8082:8082 dff-intent-responder-skill: volumes: - "./skills/dff_intent_responder_skill:/src" @@ -135,12 +135,14 @@ services: - "~/.deeppavlov:/root/.deeppavlov" ports: - 8136:8136 - dff-dream-faq-prompted-skill: - volumes: - - "./skills/dff_template_prompted_skill:/src" - - "./common:/src/common" - ports: - - 8170:8170 +#incative due to absence of the API key. +#Might you have one, pls add it to env.secret and uncomment the service +# dff-dream-faq-prompted-skill: +# volumes: +# - "./skills/dff_template_prompted_skill:/src" +# - "./common:/src/common" +# ports: +# - 8170:8170 summarization-annotator: volumes: - "./annotators/summarization_annotator:/src" diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index c819cbf142..65ca8490b1 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -2,14 +2,15 @@ services: agent: command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json' environment: - WAIT_HOSTS: "sentseg:8011, ranking-based-response-selector:8002, + WAIT_HOSTS: "sentseg:8011, ranking-and-sf-based-response-selector:8082, dff-intent-responder-skill:8012, intent-catcher:8014, ner:8021, - factoid-qa:8071, kbqa:8072, entity-linking:8075, wiki-parser:8077, text-qa:8078, - combined-classification:8087, fact-retrieval:8100, entity-detection:8103, - speech-function-classifier:8108, - sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, - dff-dream-persona-chatgpt-prompted-skill:8137, dff-dream-faq-prompted-skill:8170, + factoid-qa:8071, kbqa:8072, entity-linking:8075, wiki-parser:8077, + text-qa:8078, combined-classification:8087, fact-retrieval:8100, + entity-detection:8103, speech-function-classifier:8108, sentence-ranker:8128, + property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059" + + WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} HIGH_PRIORITY_INTENTS: 1 RESTRICTION_FOR_SENSITIVE_CASE: 1 @@ -17,11 +18,11 @@ services: LANGUAGE: EN FALLBACK_FILE: fallbacks_dream_en.json - ranking-based-response-selector: + ranking-and-sf-based-response-selector: env_file: [ .env ] build: args: - SERVICE_PORT: 8002 + SERVICE_PORT: 8082 SERVICE_NAME: response_selector LANGUAGE: EN SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker @@ -31,8 +32,8 @@ services: FILTER_TOXIC_OR_BADLISTED: 1 FALLBACK_FILE: fallbacks_dream_en.json context: . - dockerfile: ./response_selectors/ranking_based_response_selector/Dockerfile - command: flask run -h 0.0.0.0 -p 8002 + dockerfile: ./response_selectors/ranking_and_sf_based_response_selector/Dockerfile + command: flask run -h 0.0.0.0 -p 8082 environment: - FLASK_APP=server deploy: @@ -349,42 +350,42 @@ services: reservations: memory: 100M - dff-dream-persona-chatgpt-prompted-skill: - env_file: [ .env,.env_secret ] - build: - args: - SERVICE_PORT: 8137 - SERVICE_NAME: dff_dream_persona_prompted_skill - PROMPT_FILE: common/prompts/dream_persona.json - GENERATIVE_SERVICE_URL: http://openai-api-chatgpt:8145/respond - GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json - GENERATIVE_TIMEOUT: 120 - N_UTTERANCES_CONTEXT: 7 - ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION - context: . - dockerfile: ./skills/dff_template_prompted_skill/Dockerfile - deploy: - resources: - limits: - memory: 128M - reservations: - memory: 128M +# dff-dream-persona-chatgpt-prompted-skill: +# env_file: [ .env,.env_secret ] +# build: +# args: +# SERVICE_PORT: 8137 +# SERVICE_NAME: dff_dream_persona_prompted_skill +# PROMPT_FILE: common/prompts/dream_persona.json +# GENERATIVE_SERVICE_URL: http://openai-api-chatgpt:8145/respond +# GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json +# GENERATIVE_TIMEOUT: 120 +# N_UTTERANCES_CONTEXT: 7 +# ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION +# context: . +# dockerfile: ./skills/dff_template_prompted_skill/Dockerfile +# deploy: +# resources: +# limits: +# memory: 128M +# reservations: +# memory: 128M - dff-google-api-skill: - env_file: [ .env,.env_secret ] - build: - args: - SERVICE_PORT: 8162 - SERVICE_NAME: dff_google_api_skill - ENVVARS_TO_SEND: OPENAI_API_KEY,GOOGLE_CSE_ID,GOOGLE_API_KEY - context: . - dockerfile: ./skills/dff_google_api_skill/Dockerfile - deploy: - resources: - limits: - memory: 128M - reservations: - memory: 128M +# dff-google-api-skill: +# env_file: [ .env,.env_secret ] +# build: +# args: +# SERVICE_PORT: 8162 +# SERVICE_NAME: dff_google_api_skill +# ENVVARS_TO_SEND: OPENAI_API_KEY,GOOGLE_CSE_ID,GOOGLE_API_KEY +# context: . +# dockerfile: ./skills/dff_google_api_skill/Dockerfile +# deploy: +# resources: +# limits: +# memory: 128M +# reservations: +# memory: 128M property-extraction: env_file: [.env] @@ -406,26 +407,26 @@ services: reservations: memory: 7G - dff-dream-faq-prompted-skill: - env_file: [ .env,.env_secret ] - build: - args: - SERVICE_PORT: 8170 - SERVICE_NAME: dff_dream_faq_prompted_skill - PROMPT_FILE: common/prompts/dream_faq.json - GENERATIVE_SERVICE_URL: http://openai-api-chatgpt-16k:8167/respond - GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json - GENERATIVE_TIMEOUT: 120 - N_UTTERANCES_CONTEXT: 7 - ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION - context: . - dockerfile: ./skills/dff_template_prompted_skill/Dockerfile - deploy: - resources: - limits: - memory: 128M - reservations: - memory: 128M +# dff-dream-faq-prompted-skill: +# env_file: [ .env,.env_secret ] +# build: +# args: +# SERVICE_PORT: 8170 +# SERVICE_NAME: dff_dream_faq_prompted_skill +# PROMPT_FILE: common/prompts/dream_faq.json +# GENERATIVE_SERVICE_URL: http://openai-api-chatgpt-16k:8167/respond +# GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json +# GENERATIVE_TIMEOUT: 120 +# N_UTTERANCES_CONTEXT: 7 +# ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION +# context: . +# dockerfile: ./skills/dff_template_prompted_skill/Dockerfile +# deploy: +# resources: +# limits: +# memory: 128M +# reservations: +# memory: 128M openai-api-chatgpt-16k: env_file: [ .env ] diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 65e71a0c51..1f8d6ce456 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -453,48 +453,6 @@ } }, "skills": { - "dff_dream_persona_prompted_skill": { - "connector": { - "protocol": "http", - "timeout": 120.0, - "url": "http://dff-dream-persona-chatgpt-prompted-skill:8137/respond" - }, - "dialog_formatter": { - "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", - "skill_name": "dff_dream_persona_prompted_skill" - }, - "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", - "previous_services": [ - "skill_selectors" - ], - "state_manager_method": "add_hypothesis", - "is_enabled": true, - "source": { - "component": "components/W6hdAGshQyMwdQukRXXuKA.yml", - "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-persona-chatgpt-prompted-skill" - } - }, - "dff_google_api_skill": { - "connector": { - "protocol": "http", - "timeout": 120.0, - "url": "http://dff-google-api-skill:8162/respond" - }, - "dialog_formatter": { - "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", - "skill_name": "dff_google_api_skill" - }, - "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", - "previous_services": [ - "skill_selectors" - ], - "state_manager_method": "add_hypothesis", - "is_enabled": true, - "source": { - "component": "components/VJ7c3sLqEi.yml", - "service": "skills/dff_google_api_skill/service_configs/dff-google-api-skill" - } - }, "dff_intent_responder_skill": { "connector": { "protocol": "http", @@ -547,35 +505,14 @@ "component": "components/qx0j5QHAzog0b39nRnuA.yml", "service": "skills/factoid_qa/service_configs/factoid-qa" } - }, - "dff_dream_faq_prompted_skill": { - "connector": { - "protocol": "http", - "timeout": 120.0, - "url": "http://dff-dream-faq-prompted-skill:8170/respond" - }, - "dialog_formatter": { - "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", - "skill_name": "dff_dream_faq_prompted_skill" - }, - "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", - "previous_services": [ - "skill_selectors" - ], - "state_manager_method": "add_hypothesis", - "is_enabled": true, - "source": { - "component": "components/jFmKPqMJh0.yml", - "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-faq-prompted-skill" - } } }, "response_selectors": { - "response_selector": { + "ranking_and_sf_based_response_selector": { "connector": { "protocol": "http", "timeout": 1.0, - "url": "http://ranking-based-response-selector:8002/respond" + "url": "http://ranking-and-sf-based-response-selector:8082/respond" }, "dialog_formatter": "state_formatters.dp_formatters:cropped_dialog", "response_formatter": "state_formatters.dp_formatters:base_response_selector_formatter_service", @@ -585,8 +522,8 @@ "state_manager_method": "add_bot_utterance", "is_enabled": true, "source": { - "component": "components/YJzc7NwGrLmKp6gfZJh7X1.yml", - "service": "response_selectors/ranking_based_response_selector/service_configs/ranking-based-response-selector" + "component": "components/Mul0SGf8K24fWIOBjH2m.yml", + "service": "response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector" } } } diff --git a/components/Mul0SGf8K24fWIOBjH2m.yml b/components/Mul0SGf8K24fWIOBjH2m.yml new file mode 100644 index 0000000000..55eb524c19 --- /dev/null +++ b/components/Mul0SGf8K24fWIOBjH2m.yml @@ -0,0 +1,27 @@ +name: response_selector +display_name: Ranking- and Speech Function-based Response Selector +component_type: null +model_type: Dictionary/Pattern-based +is_customizable: false +author: publisher@deeppavlov.ai +description: The Ranking- and Speech Function-based Response Selector utilizes floating point + annotations by ranking hypotheses with a candidate annotator (e.g., Sentence Ranker), + scaling ranking scores with heuristics depending on entities and annotations from Speech Function Predictor, + and finally selecting the best ranked one. +ram_usage: 100M +gpu_usage: null +group: response_selectors +connector: + protocol: http + timeout: 1.0 + url: http://ranking-and-sf-based-response-selector:8082/respond +dialog_formatter: state_formatters.dp_formatters:cropped_dialog +response_formatter: state_formatters.dp_formatters:base_response_selector_formatter_service +previous_services: + - candidate_annotators +required_previous_services: null +state_manager_method: add_bot_utterance +tags: null +endpoint: respond +service: response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector +date_created: '2023-10-02T23:29:10' diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 063ecdb0be..08c230bffb 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -154,7 +154,7 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma logger.info(f"Scores for selection:\n`{scores}`") result = select_response_by_scores(hypotheses, scores)[0] - logger.info(f"ranking_and_intent_based_response_selector selected:\n`{result}`") + logger.info(f"ranking_and_sf_based_response_selector selected:\n`{result}`") return result @@ -214,7 +214,7 @@ def respond(): selected_attributes.append(hypotheses[best_id]) total_time = time.time() - st_time - logger.info(f"ranking_and_intent_based_response_selector exec time = {total_time:.3f}s") + logger.info(f"ranking_and_sf_based_response_selector exec time = {total_time:.3f}s") return jsonify( list( zip( diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/environment.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector-ru/environment.yml similarity index 100% rename from response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/environment.yml rename to response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector-ru/environment.yml diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/service.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector-ru/service.yml similarity index 80% rename from response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/service.yml rename to response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector-ru/service.yml index 4e746ccdcb..e314c42291 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector-ru/service.yml +++ b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector-ru/service.yml @@ -1,4 +1,4 @@ -name: ranking-and-intent-based-response-selector-ru +name: ranking-and-sf-based-response-selector-ru endpoints: - respond compose: @@ -14,7 +14,7 @@ compose: FILTER_TOXIC_OR_BADLISTED: 1 FLASK_APP: server context: . - dockerfile: ./response_selectors/ranking_and_intent_based_response_selector/Dockerfile + dockerfile: ./response_selectors/ranking_and_sf_based_response_selector/Dockerfile command: flask run -h 0.0.0.0 -p 8082 environment: - FLASK_APP=server diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/environment.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector/environment.yml similarity index 92% rename from response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/environment.yml rename to response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector/environment.yml index e087b72377..0d47836f0e 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/environment.yml +++ b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector/environment.yml @@ -1,4 +1,4 @@ -SERVICE_PORT: 8081 +SERVICE_PORT: 8082 SERVICE_NAME: response_selector SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker SENTENCE_RANKER_SERVICE_URL: http://sentence-ranker:8128/respond diff --git a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/service.yml b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector/service.yml similarity index 71% rename from response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/service.yml rename to response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector/service.yml index ceda5c6e76..9ebef6095f 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-intent-based-response-selector/service.yml +++ b/response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector/service.yml @@ -1,11 +1,11 @@ -name: ranking-and-intent-based-response-selector +name: ranking-and-sf-based-response-selector endpoints: - respond compose: env_file: [ .env ] build: args: - SERVICE_PORT: 8081 + SERVICE_PORT: 8082 SERVICE_NAME: response_selector LANGUAGE: EN SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker @@ -15,8 +15,8 @@ compose: FILTER_TOXIC_OR_BADLISTED: 1 FLASK_APP: server context: . - dockerfile: ./response_selectors/ranking_and_intent_based_response_selector/Dockerfile - command: flask run -h 0.0.0.0 -p 8081 + dockerfile: ./response_selectors/ranking_and_sf_based_response_selector/Dockerfile + command: flask run -h 0.0.0.0 -p 8082 environment: - FLASK_APP=server deploy: @@ -26,5 +26,5 @@ compose: reservations: memory: 100M ports: - - 8081:8081 + - 8082:8082 proxy: null From faf5b443b4600852e3123fd0b2f9931c01d31c3a Mon Sep 17 00:00:00 2001 From: nstsj Date: Tue, 3 Oct 2023 02:02:18 +0400 Subject: [PATCH 22/82] fixes according to the PR comments + codestyle fixes --- annotators/speech_function_classifier/Dockerfile | 2 +- components/XWQGXXbppnHZVm1hyDIw.yml | 3 ++- 2 files changed, 3 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_classifier/Dockerfile b/annotators/speech_function_classifier/Dockerfile index f1219849a1..b759b93f9e 100644 --- a/annotators/speech_function_classifier/Dockerfile +++ b/annotators/speech_function_classifier/Dockerfile @@ -7,7 +7,7 @@ RUN apt-get update && apt-get install -y --allow-unauthenticated git curl && rm # RUN git clone -b feat/speech-fn https://github.com/deeppavlov/DeepPavlov.git && \ # cd DeepPavlov && pip install -e . && cd .. && rm -rf DeepPavlov && python -m deeppavlov download speech_fn -RUN pip install git+https://github.com/deeppavlov/DeepPavlov.git@feat/speech-fn && \ +RUN pip install git+https://github.com/deeppavlov/DeepPavlov.git@e2ae2d91edad414736d15520eb1820cb6c06565d && \ python -m deeppavlov download speech_fn COPY . ./ diff --git a/components/XWQGXXbppnHZVm1hyDIw.yml b/components/XWQGXXbppnHZVm1hyDIw.yml index f28e647361..9ab82000f2 100644 --- a/components/XWQGXXbppnHZVm1hyDIw.yml +++ b/components/XWQGXXbppnHZVm1hyDIw.yml @@ -4,7 +4,8 @@ component_type: null model_type: NN-based is_customizable: false author: publisher@deeppavlov.ai -description: an algorithm based on NN +description: BERT-based model (bert-base-cased-conversational) trained to distinguish between 17 possible classes of speech functions for an input utterance. +# for more info please refer to the model config file: https://github.com/deeppavlov/DeepPavlov/blob/feat/speech-fn/deeppavlov/configs/classifiers/speech_fn.json ram_usage: 1.1G gpu_usage: 4.5G group: candidate_annotators From 4878f8e7986b0657e1c666f984140b8e9de59485 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 3 Oct 2023 10:41:14 +0300 Subject: [PATCH 23/82] added sfp to configs --- .../dream_ranking_and_sf_based_dm/dev.yml | 5 +++++ .../docker-compose.override.yml | 19 ++++++++++++++++++- 2 files changed, 23 insertions(+), 1 deletion(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml index b9ee415dd7..e9d93f9f58 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml @@ -164,4 +164,9 @@ services: - "./annotators/speech_function_classifier:/src" ports: - 8108:8108 + speech-function-predictor: + volumes: + - "./annotators/speech_function_predictor:/src" + ports: + - 8107:8107 version: "3.7" diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 65ca8490b1..613250edc7 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -8,7 +8,7 @@ services: text-qa:8078, combined-classification:8087, fact-retrieval:8100, entity-detection:8103, speech-function-classifier:8108, sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, - openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059" + openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059, speech-function-predictor:8107" WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} @@ -501,4 +501,21 @@ services: reservations: memory: 1G + speech-function-predictor: + env_file: [ .env ] + build: + args: + SERVICE_PORT: 8107 + SERVICE_NAME: speech_function_predictor + context: ./annotators/speech_function_predictor/ + command: gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:8107 + environment: + - CUDA_VISIBLE_DEVICES=0 + deploy: + resources: + limits: + memory: 1G + reservations: + memory: 1G + version: '3.7' From 49a5bad6fd297071a4cd6a53ffd3a13526636fea Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 3 Oct 2023 11:23:23 +0300 Subject: [PATCH 24/82] context fixed --- .../dream_ranking_and_sf_based_dm/docker-compose.override.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 613250edc7..52e0ff9227 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -507,7 +507,7 @@ services: args: SERVICE_PORT: 8107 SERVICE_NAME: speech_function_predictor - context: ./annotators/speech_function_predictor/ + context: . command: gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:8107 environment: - CUDA_VISIBLE_DEVICES=0 From e20cfa48e89eec16b2f5ef619065bb212ede1f08 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 3 Oct 2023 11:43:30 +0300 Subject: [PATCH 25/82] another fix --- annotators/speech_function_predictor/Dockerfile | 2 +- .../dream_ranking_and_sf_based_dm/docker-compose.override.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_predictor/Dockerfile b/annotators/speech_function_predictor/Dockerfile index 2882d69529..e427061d70 100644 --- a/annotators/speech_function_predictor/Dockerfile +++ b/annotators/speech_function_predictor/Dockerfile @@ -2,7 +2,7 @@ FROM python:3.9.16-slim WORKDIR /src -COPY annotators/speech_function_predictor/requirements.txt requirements.txt +COPY ./requirements.txt requirements.txt RUN pip install -r requirements.txt diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 52e0ff9227..7842d8beb4 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -507,7 +507,7 @@ services: args: SERVICE_PORT: 8107 SERVICE_NAME: speech_function_predictor - context: . + context: ./annotators/speech_function_predictor command: gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:8107 environment: - CUDA_VISIBLE_DEVICES=0 From d097abfdc9950901281b2add7edf5504e8533585 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 3 Oct 2023 12:26:33 +0300 Subject: [PATCH 26/82] gunicorn -> uvicorn --- .../dream_ranking_and_sf_based_dm/docker-compose.override.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 7842d8beb4..41f537fa11 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -508,7 +508,7 @@ services: SERVICE_PORT: 8107 SERVICE_NAME: speech_function_predictor context: ./annotators/speech_function_predictor - command: gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:8107 + command: uvicorn server:app -host 0.0.0.0 --port 8107 environment: - CUDA_VISIBLE_DEVICES=0 deploy: From 11a3c2ec26f2e4c4a7cef24c094029aaf117b836 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 3 Oct 2023 15:52:46 +0300 Subject: [PATCH 27/82] fixed some things --- .../dream_ranking_and_sf_based_dm/dev.yml | 12 ++++++------ .../dream_ranking_and_sf_based_dm/pipeline_conf.json | 2 +- 2 files changed, 7 insertions(+), 7 deletions(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml index e9d93f9f58..662d03187a 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml @@ -117,12 +117,12 @@ services: - "./common:/src/common" ports: - 8145:8145 - dff-dream-persona-chatgpt-prompted-skill: - volumes: - - "./skills/dff_template_prompted_skill:/src" - - "./common:/src/common" - ports: - - 8137:8137 +# dff-dream-persona-chatgpt-prompted-skill: +# volumes: +# - "./skills/dff_template_prompted_skill:/src" +# - "./common:/src/common" +# ports: +# - 8137:8137 dff-google-api-skill: volumes: - "./skills/dff_google_api_skill:/src" diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 1f8d6ce456..c0fa1058fc 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -116,7 +116,7 @@ "is_enabled": true, "source": { "component": "FNmTZbz8EA6Y80b5pXZzQ.yml", - "service": "annotators/speech_function_classifier/service_configs/speech-function-predictor" + "service": "annotators/speech_function_predictor/service_configs/speech-function-predictor" } }, "prompt_goals_collector": { From 71e999a706e6a92dd04d955784221805c4bd5609 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 3 Oct 2023 19:17:37 +0300 Subject: [PATCH 28/82] another fix --- .../dream_ranking_and_sf_based_dm/dev.yml | 12 ++++++------ .../docker-compose.override.yml | 2 +- 2 files changed, 7 insertions(+), 7 deletions(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml index 662d03187a..c4b3d6faa7 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml @@ -123,12 +123,12 @@ services: # - "./common:/src/common" # ports: # - 8137:8137 - dff-google-api-skill: - volumes: - - "./skills/dff_google_api_skill:/src" - - "./common:/src/common" - ports: - - 8162:8162 +# dff-google-api-skill: +# volumes: +# - "./skills/dff_google_api_skill:/src" +# - "./common:/src/common" +# ports: +# - 8162:8162 property-extraction: volumes: - "./annotators/property_extraction:/src" diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 41f537fa11..566c4465a6 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -508,7 +508,7 @@ services: SERVICE_PORT: 8107 SERVICE_NAME: speech_function_predictor context: ./annotators/speech_function_predictor - command: uvicorn server:app -host 0.0.0.0 --port 8107 + command: uvicorn server:app --host 0.0.0.0 --port 8107 environment: - CUDA_VISIBLE_DEVICES=0 deploy: From a91ceeddfb81a797b9efff7c5d6d3242c67f33c9 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 4 Oct 2023 10:20:12 +0300 Subject: [PATCH 29/82] attempting to fix rs --- .../ranking_and_sf_based_response_selector/server.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 08c230bffb..b40e11ccf1 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -179,11 +179,12 @@ def respond(): hypotheses_texts = "\n".join([f'{h["skill_name"]} (conf={h["confidence"]}): {h["text"]}' for h in hypotheses]) logger.info(f"Hypotheses: {hypotheses_texts}") dialog_context = [uttr["text"] for uttr in dialog["utterances"][-N_UTTERANCES_CONTEXT:]] + bot_uttr = dialog["bot_utterances"][-1] if dialog["bot_utterances"][-1] else "" selected_resp = select_response( dialog_context, hypotheses, dialog["human_utterances"][-1], - dialog["bot_utterances"][-1], + bot_uttr, ) try: best_id = hypotheses.index(selected_resp) From c32b7186346b37782ade9e1d24264c81738f0dbb Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 4 Oct 2023 10:22:01 +0300 Subject: [PATCH 30/82] added dialog logging to rs --- .../ranking_and_sf_based_response_selector/server.py | 1 + 1 file changed, 1 insertion(+) diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index b40e11ccf1..89d012258d 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -173,6 +173,7 @@ def respond(): selected_attributes = [] for i, dialog in enumerate(dialogs): + logger.info(f"dialog: {dialog}") hypotheses = [hyp for hyp in dialog["human_utterances"][-1]["hypotheses"]] if FILTER_TOXIC_OR_BADLISTED: hypotheses = filter_out_badlisted_or_toxic(hypotheses) From f4708152e50bce5adc4a2086468d3ac4ae3f17e8 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 4 Oct 2023 10:50:59 +0300 Subject: [PATCH 31/82] fixed prompt-selector deps --- annotators/prompt_selector/requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/annotators/prompt_selector/requirements.txt b/annotators/prompt_selector/requirements.txt index 5e74301907..b6590a3077 100644 --- a/annotators/prompt_selector/requirements.txt +++ b/annotators/prompt_selector/requirements.txt @@ -5,5 +5,5 @@ sentry-sdk==1.19.1 requests==2.28.2 click<=8.0.4 jinja2<=3.1.2 -Werkzeug>=2.2.2 +Werkzeug==2.2.2 numpy>=1.17.2 From 86ce555f523b5c7163893e4609bf0f9ce3f2c4e2 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 4 Oct 2023 11:12:53 +0300 Subject: [PATCH 32/82] fixing rs --- .../ranking_and_sf_based_response_selector/server.py | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 89d012258d..1651450383 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -180,7 +180,11 @@ def respond(): hypotheses_texts = "\n".join([f'{h["skill_name"]} (conf={h["confidence"]}): {h["text"]}' for h in hypotheses]) logger.info(f"Hypotheses: {hypotheses_texts}") dialog_context = [uttr["text"] for uttr in dialog["utterances"][-N_UTTERANCES_CONTEXT:]] - bot_uttr = dialog["bot_utterances"][-1] if dialog["bot_utterances"][-1] else "" + bot_uttr = "" + try: + bot_uttr = dialog["bot_utterances"][-1] + except IndexError: + logger.info("bot_uttrs is empty for this dialog") selected_resp = select_response( dialog_context, hypotheses, From 23b52a50228d4b1ce2bffa29625e35d29eda2b87 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 4 Oct 2023 11:24:35 +0300 Subject: [PATCH 33/82] fixed rs --- .../ranking_and_sf_based_response_selector/server.py | 6 ++---- 1 file changed, 2 insertions(+), 4 deletions(-) diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 1651450383..2edaeff59a 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -117,14 +117,12 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma speech_predictor_hyps = [v["prediction"] for v in speech_predictor] speech_predictor_scores = [v["confidence"] for v in speech_predictor] - speech_index = None try: speech_index = speech_predictor_hyps.index(hyp) + scores[hyp_id] += speech_predictor_scores[speech_index] except ValueError: logger.info(f"Speech function index could not be found from {hyp}, id: {hyp_id}.") - scores[hyp_id] += speech_predictor_scores[speech_index] - if ( _human_is_switch_topic_request or _human_does_not_want_to_chat_about_topic @@ -180,7 +178,7 @@ def respond(): hypotheses_texts = "\n".join([f'{h["skill_name"]} (conf={h["confidence"]}): {h["text"]}' for h in hypotheses]) logger.info(f"Hypotheses: {hypotheses_texts}") dialog_context = [uttr["text"] for uttr in dialog["utterances"][-N_UTTERANCES_CONTEXT:]] - bot_uttr = "" + bot_uttr = None try: bot_uttr = dialog["bot_utterances"][-1] except IndexError: From 50def101beabbaa2218a4ebc80c3a0852c47d7fb Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 5 Oct 2023 11:34:33 +0300 Subject: [PATCH 34/82] fixed critical typo in conf, FastAPI -> Flask for sfc --- .../speech_function_classifier/server.py | 55 +++++-------------- .../pipeline_conf.json | 2 +- 2 files changed, 15 insertions(+), 42 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 7d8df4f076..14cf9bb1fe 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -1,13 +1,11 @@ import logging import os import time -from typing import Optional, List +from typing import List import sentry_sdk -from fastapi import FastAPI +from flask import Flask, request, jsonify from nltk import sent_tokenize -from pydantic import BaseModel -from starlette.middleware.cors import CORSMiddleware from models import get_speech_function @@ -16,26 +14,7 @@ logging.basicConfig(format="%(asctime)s - %(name)s - %(levelname)s - %(message)s", level=logging.INFO) logger = logging.getLogger(__name__) -app = FastAPI() -app.add_middleware( - CORSMiddleware, - allow_origins=["*"], - allow_credentials=True, - allow_methods=["*"], - allow_headers=["*"], -) - - -class Payload(BaseModel): - phrase: List[str] - prev_phrase: Optional[str] - prev_speech_function: Optional[str] - - -class AnnotationPayload(BaseModel): - phrase: str - prev_phrase: Optional[str] - prev_speech_function: Optional[str] +app = Flask(__name__) try: @@ -48,7 +27,7 @@ class AnnotationPayload(BaseModel): raise e -async def handler(payload: List[Payload]): +async def handler(payload: List): responses = [""] * len(payload) try: for i, p in enumerate(payload): @@ -66,26 +45,20 @@ async def handler(payload: List[Payload]): return responses -@app.post("/model") -async def answer(payload: Payload): - st_time = time.time() - responses = await handler([payload]) - total_time = time.time() - st_time - logger.info(f"speech_function_classifier model exec time: {total_time:.3f}s") - return responses - - @app.post("/annotation") -async def annotation(payload: List[AnnotationPayload]): +async def annotation(): st_time = time.time() + phrases = request.json.get("phrase", []) + prev_phrases = request.json.get("prev_phrase", []) + prev_speech_funcs = request.json.get("prev_speech_function", []) responses = await handler( [ - Payload( - phrase=sent_tokenize(p.phrase), - prev_phrase=p.prev_phrase, - prev_speech_function=p.prev_speech_function, - ) - for p in payload + { + "phrase": sent_tokenize(phr), + "prev_phrase": prev_phr, + "prev_speech_function": prev_speech_func + } + for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs) ] ) total_time = time.time() - st_time diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index c0fa1058fc..9beca4683b 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -110,7 +110,7 @@ "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", "previous_services": [ - "annotations.speech_function_classifier" + "annotators.speech_function_classifier" ], "state_manager_method": "add_annotation", "is_enabled": true, From 0df0fb12deb948751689d23885a417a3b879e489 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 5 Oct 2023 11:38:08 +0300 Subject: [PATCH 35/82] reqs fixed --- annotators/speech_function_classifier/requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/annotators/speech_function_classifier/requirements.txt b/annotators/speech_function_classifier/requirements.txt index 7cdda50592..ac16ac7b6c 100644 --- a/annotators/speech_function_classifier/requirements.txt +++ b/annotators/speech_function_classifier/requirements.txt @@ -1,4 +1,4 @@ -fastapi==0.47.1 +Flask==2.2.3 sentry_sdk==0.13.3 transformers==4.6.1 nltk==3.6.2 From 77b46174a14a46de9ad8e30bb1c7da2317bdf6a2 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 5 Oct 2023 11:39:17 +0300 Subject: [PATCH 36/82] reqs fixed 2 --- annotators/speech_function_classifier/requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/annotators/speech_function_classifier/requirements.txt b/annotators/speech_function_classifier/requirements.txt index ac16ac7b6c..2661affe1e 100644 --- a/annotators/speech_function_classifier/requirements.txt +++ b/annotators/speech_function_classifier/requirements.txt @@ -8,5 +8,5 @@ scipy==1.6.3 pandas==1.2.4 scikit-learn==0.22.2.post1 jinja2<=3.0.3 -Werkzeug<=2.0.3 +Werkzeug>=2.2.2 gunicorn==19.9.0 \ No newline at end of file From eede51a6126b299d8c3b0e3d9477c13dbc9c4f5d Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 5 Oct 2023 12:23:08 +0300 Subject: [PATCH 37/82] more fixes --- .../speech_function_classifier/Dockerfile | 2 +- .../requirements.txt | 2 +- .../speech_function_classifier/server.py | 24 ++++++++++--------- .../docker-compose.override.yml | 2 +- .../server.py | 1 - 5 files changed, 16 insertions(+), 15 deletions(-) diff --git a/annotators/speech_function_classifier/Dockerfile b/annotators/speech_function_classifier/Dockerfile index b759b93f9e..42902ab249 100644 --- a/annotators/speech_function_classifier/Dockerfile +++ b/annotators/speech_function_classifier/Dockerfile @@ -20,4 +20,4 @@ ENV SERVICE_NAME ${SERVICE_NAME} ARG SERVICE_PORT ENV SERVICE_PORT ${SERVICE_PORT} -CMD gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:${SERVICE_PORT} \ No newline at end of file +CMD gunicorn --workers=1 server:app -b 0.0.0.0:${SERVICE_PORT} \ No newline at end of file diff --git a/annotators/speech_function_classifier/requirements.txt b/annotators/speech_function_classifier/requirements.txt index 2661affe1e..484e9155de 100644 --- a/annotators/speech_function_classifier/requirements.txt +++ b/annotators/speech_function_classifier/requirements.txt @@ -2,7 +2,7 @@ Flask==2.2.3 sentry_sdk==0.13.3 transformers==4.6.1 nltk==3.6.2 -click==7.1.2 +click>=7.1.2 requests==2.25.1 scipy==1.6.3 pandas==1.2.4 diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 14cf9bb1fe..973a382aa7 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -1,7 +1,7 @@ import logging import os import time -from typing import List +from typing import List, Dict import sentry_sdk from flask import Flask, request, jsonify @@ -27,7 +27,7 @@ raise e -async def handler(payload: List): +def handler(payload: List[Dict]): responses = [""] * len(payload) try: for i, p in enumerate(payload): @@ -45,21 +45,23 @@ async def handler(payload: List): return responses -@app.post("/annotation") -async def annotation(): +@app.route("/annotation", methods=["POST"]) +def annotation(): st_time = time.time() phrases = request.json.get("phrase", []) prev_phrases = request.json.get("prev_phrase", []) prev_speech_funcs = request.json.get("prev_speech_function", []) - responses = await handler( + payloads = [ [ - { - "phrase": sent_tokenize(phr), - "prev_phrase": prev_phr, - "prev_speech_function": prev_speech_func - } - for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs) + ("phrase", sent_tokenize(phr)), + ("prev_phrase", prev_phr), + ("prev_speech_function", prev_speech_func) ] + for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs) + ] + payloads = list(filter(lambda x: dict(x), payloads)) + responses = handler( + payloads ) total_time = time.time() - st_time logger.info(f"speech_function_classifier batch exec time: {total_time:.3f}s") diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 566c4465a6..f1e05c0ef0 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -491,7 +491,7 @@ services: SERVICE_PORT: 8108 SERVICE_NAME: speech_function_classifier context: ./annotators/speech_function_classifier/ - command: gunicorn -k uvicorn.workers.UvicornWorker --workers=1 server:app -b 0.0.0.0:8108 + command: gunicorn --workers=1 server:app -b 0.0.0.0:8108 environment: - CUDA_VISIBLE_DEVICES=0 deploy: diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 2edaeff59a..2c7efeba05 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -171,7 +171,6 @@ def respond(): selected_attributes = [] for i, dialog in enumerate(dialogs): - logger.info(f"dialog: {dialog}") hypotheses = [hyp for hyp in dialog["human_utterances"][-1]["hypotheses"]] if FILTER_TOXIC_OR_BADLISTED: hypotheses = filter_out_badlisted_or_toxic(hypotheses) From 2bf4b582ef47162661e0fcfb202829a6b9df1f08 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 5 Oct 2023 13:32:52 +0300 Subject: [PATCH 38/82] fixed sfc 100% --- .../speech_function_classifier/server.py | 31 +++++++++---------- 1 file changed, 15 insertions(+), 16 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 973a382aa7..d0f212f84b 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -6,6 +6,7 @@ import sentry_sdk from flask import Flask, request, jsonify from nltk import sent_tokenize +from itertools import zip_longest from models import get_speech_function @@ -31,10 +32,10 @@ def handler(payload: List[Dict]): responses = [""] * len(payload) try: for i, p in enumerate(payload): - phrase_len = len(p.phrase) - phrases = [p.prev_phrase] + p.phrase + phrase_len = len(p["phrase"]) + phrases = [p["prev_phrase"]] + p["phrase"] authors = ["John"] + ["Doe"] * phrase_len - response = [p.prev_speech_function] + response = [p["prev_speech_function"]] for phr, prev_phr, auth, prev_auth in zip(phrases[1:], phrases[:-1], authors[1:], authors[:-1]): speech_f = get_speech_function(phr, prev_phr, auth, prev_auth) response.append(speech_f) @@ -49,20 +50,18 @@ def handler(payload: List[Dict]): def annotation(): st_time = time.time() phrases = request.json.get("phrase", []) - prev_phrases = request.json.get("prev_phrase", []) - prev_speech_funcs = request.json.get("prev_speech_function", []) - payloads = [ - [ - ("phrase", sent_tokenize(phr)), - ("prev_phrase", prev_phr), - ("prev_speech_function", prev_speech_func) - ] - for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs) - ] - payloads = list(filter(lambda x: dict(x), payloads)) - responses = handler( - payloads + prev_phrases = [request.json.get("prev_phrase", [])] + prev_speech_funcs = [request.json.get("prev_speech_function", [])] + payloads = [] + for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): + payloads.append( + { + "phrase": sent_tokenize(phr), + "prev_phrase": prev_phr, + "prev_speech_function": prev_speech_func + } ) + responses = handler(payloads) total_time = time.time() - st_time logger.info(f"speech_function_classifier batch exec time: {total_time:.3f}s") logger.info(f"speech function classifier result: {responses}") From bb9cb6916f580df035eb34666ca9ef8f303bf7d5 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 9 Oct 2023 16:50:15 +0300 Subject: [PATCH 39/82] response selector fixed --- .../ranking_and_sf_based_response_selector/server.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 2c7efeba05..438bfedc3a 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -94,6 +94,7 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma # --------------------------------------------------------------------------------------------------------- # sfc-based scaling speech_predictor = last_human_ann_uttr["annotations"].get("speech_function_predictor", []) + speech_annotation = last_human_ann_uttr["annotations"].get("speech_function_classifier", []) human_named_entities = get_entities(last_human_ann_uttr, only_named=True, with_labels=False) human_entities = get_entities(last_human_ann_uttr, only_named=False, with_labels=False) @@ -118,7 +119,7 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma speech_predictor_hyps = [v["prediction"] for v in speech_predictor] speech_predictor_scores = [v["confidence"] for v in speech_predictor] try: - speech_index = speech_predictor_hyps.index(hyp) + speech_index = speech_predictor_hyps.index(speech_annotation) scores[hyp_id] += speech_predictor_scores[speech_index] except ValueError: logger.info(f"Speech function index could not be found from {hyp}, id: {hyp_id}.") From abbf790d297768ad2835277cf2e0aa0e8e9c4e78 Mon Sep 17 00:00:00 2001 From: lnpetrova Date: Tue, 10 Oct 2023 15:24:42 +0300 Subject: [PATCH 40/82] New SFP version --- annotators/speech_function_predictor/test_server.py | 1 - 1 file changed, 1 deletion(-) diff --git a/annotators/speech_function_predictor/test_server.py b/annotators/speech_function_predictor/test_server.py index 1e311090aa..aa7df8a6e8 100644 --- a/annotators/speech_function_predictor/test_server.py +++ b/annotators/speech_function_predictor/test_server.py @@ -23,6 +23,5 @@ def run_test(): print("Success") - if __name__ == "__main__": run_test() From ce3f165b391dcd47b21c27d77fa48ee140db5d16 Mon Sep 17 00:00:00 2001 From: lnpetrova Date: Tue, 10 Oct 2023 15:30:57 +0300 Subject: [PATCH 41/82] New SFP version --- annotators/speech_function_predictor/model.py | 102 +- .../speech_function_predictor/res_cor.json | 54047 ---------------- .../speech_function_predictor/server.py | 2 +- .../speech_function_predictor/sf_pairs.json | 1274 + 4 files changed, 1285 insertions(+), 54140 deletions(-) delete mode 100644 annotators/speech_function_predictor/res_cor.json create mode 100644 annotators/speech_function_predictor/sf_pairs.json diff --git a/annotators/speech_function_predictor/model.py b/annotators/speech_function_predictor/model.py index 17bdbcb8b8..4a684e753d 100644 --- a/annotators/speech_function_predictor/model.py +++ b/annotators/speech_function_predictor/model.py @@ -1,100 +1,19 @@ -from collections import defaultdict -import re import json -def cut_labels(list_of_labels): - for i in range(len(list_of_labels)): - if list_of_labels[i][-1] == ".": - list_of_labels[i] = list_of_labels[i].strip(".") - if "Append" in list_of_labels[i]: - list_of_labels[i] = re.sub("Append", "Prolong", list_of_labels[i]) - if "Initiate." in list_of_labels[i]: - list_of_labels[i] = re.sub("Initiate.", "", list_of_labels[i]) - if "Answer" in list_of_labels[i]: - list_of_labels[i] = "React.Rejoinder.Support.Response.Resolve" - if "Open.Opinion" in list_of_labels[i]: - list_of_labels[i] = re.sub("Open.Opinion", "Opinion", list_of_labels[i]) - if "Re-challenge" in list_of_labels[i]: - list_of_labels[i] = "React.Rejoinder.Confront.Response.Re-challenge" - if "Open.Fact" in list_of_labels[i]: - list_of_labels[i] = re.sub("Open.Fact", "Fact", list_of_labels[i]) - if "Open.Fact" in list_of_labels[i]: - list_of_labels[i] = re.sub("Open.Fact", "Fact", list_of_labels[i]) - if "Decline" in list_of_labels[i]: - list_of_labels[i] = re.sub("Decline", "Contradict", list_of_labels[i]) - if "Accept" in list_of_labels[i]: - list_of_labels[i] = re.sub("Accept", "Affirm", list_of_labels[i]) - if "Response.Refute" in list_of_labels[i]: - list_of_labels[i] = re.sub("Response.Refute", "Counter", list_of_labels[i]) - if "Response.Acquiesce" in list_of_labels[i]: - list_of_labels[i] = re.sub("Response.Acquiesce", "Response.Resolve", list_of_labels[i]) - if "Detach" in list_of_labels[i]: - list_of_labels[i] = "React.Rejoinder.Rebound" - if "Rejoinder.Develop.Elaborate" in list_of_labels[i]: - list_of_labels[i] = re.sub("Rejoinder", "Respond", list_of_labels[i]) - if "React.Respond.Disengage" in list_of_labels[i]: - list_of_labels[i] = "React.Respond.Support.Register" - if "Response.Repair" in list_of_labels[i]: - list_of_labels[i] = "React.Respond.Support.Develop.Extend" - if "Counter" in list_of_labels[i]: - list_of_labels[i] = "React.Rejoinder.Confront.Challenge.Counter" - if "Closed.Fact" in list_of_labels[i]: - list_of_labels[i] = re.sub("Closed.Fact", "Fact", list_of_labels[i]) - if "Closed.Opinion" in list_of_labels[i]: - list_of_labels[i] = re.sub("Closed.Opinion", "Opinion", list_of_labels[i]) - if "React.Rejoinder.Response.Resolve" in list_of_labels[i]: - list_of_labels[i] = re.sub("Closed.Opinion", "Opinion", list_of_labels[i]) - if "Sustain.Continue.Develop.Elaborate" in list_of_labels[i]: - list_of_labels[i] = "Sustain.Continue.Prolong.Elaborate" - if "Rebound" in list_of_labels[i]: - list_of_labels[i] = "React.Rejoinder.Support.Challenge.Rebound" - if "React.Rejoinder.Confront.Develop.Elaborate" in list_of_labels[i]: - list_of_labels[i] = "React.Rejoinder.Support.Develop.Elaborate" - if "Fact.Extend" in list_of_labels[i]: - list_of_labels[i] = "Open.Give.Fact" - return list_of_labels - def init_model(): - with open("res_cor.json") as data: - file = json.load(data) - - dialogues = [] - for d in file[:2]: - samples = defaultdict(dict) - result = d["completions"][0]["result"] - texts_without_labels = d["data"]["text"] - for sample in result: - speaker = texts_without_labels[int(sample["value"]["start"])]["speaker"] - samples[sample["id"]]["speaker"] = speaker - samples[sample["id"]]["text"] = sample["value"]["text"] - samples[sample["id"]]["start"] = int(sample["value"]["start"]) - if "paragraphlabels" in sample["value"]: - samples[sample["id"]]["paragraphlabels"] = sample["value"]["paragraphlabels"][0] - if "choices" in sample["value"]: - samples[sample["id"]]["choices"] = sample["value"]["choices"][0] + with open('sf_pairs.json', 'r') as json_file: + lines = json_file.readlines() - sorted_samples = sorted([(samples[sample_id]["start"], sample_id) for sample_id in samples]) - texts = [] - labels = [] - speakers = [] - for _, sample_id in sorted_samples: - if samples[sample_id]["text"] != "PAUSE": - texts.append(str(samples[sample_id]["text"]).replace("\n", "")) - speakers.append(samples[sample_id]["speaker"]) - paragraph_labels = samples[sample_id].get("paragraphlabels", "") - choices = samples[sample_id].get("choices", "") - labels.append(paragraph_labels + "." + choices) - dialogues.append((texts, labels, speakers)) + prev_sfs = [json.loads(line)['prev_sf'] for line in lines] + current_sfs = [json.loads(line)['current_sf'] for line in lines] - train_labels = dialogues[1][1] - test_labels = dialogues[0][1] class_dict = {} label_to_name = [] i = 0 - for el in set(cut_labels(train_labels) + cut_labels(test_labels)): + for el in set(prev_sfs + current_sfs): class_dict[el] = i i = i + 1 label_to_name.append(el) @@ -102,16 +21,15 @@ def init_model(): print("Class Dict:", class_dict) counters = [[0] * len(class_dict) for _ in range(len(class_dict))] - for label_sequence in (train_labels, test_labels): - for i, lbl in enumerate(label_sequence): - if i + 1 < len(label_sequence): - num_class = class_dict[label_sequence[i]] - num_class2 = class_dict[label_sequence[i + 1]] - counters[num_class][num_class2] += 1 + for idx in zip(prev_sfs, current_sfs): + num_class1 = class_dict[idx[0]] + num_class2 = class_dict[idx[1]] + counters[num_class1][num_class2] += 1 for i in range(len(counters)): total_count = sum(counters[i]) for j in range(len(counters[i])): counters[i][j] /= max(total_count, 1) + counters[i][j] = round(counters[i][j], 2) return class_dict, counters, label_to_name diff --git a/annotators/speech_function_predictor/res_cor.json b/annotators/speech_function_predictor/res_cor.json deleted file mode 100644 index 89408d5351..0000000000 --- a/annotators/speech_function_predictor/res_cor.json +++ /dev/null @@ -1,54047 +0,0 @@ -[ - { - "completions": [ - { - "created_at": 1614612240, - "id": 9001, - "lead_time": 22539.673, - "result": [ - { - "from_name": "actions", - "id": "4enWKdYYhj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "1", - "endOffset": 39, - "paragraphlabels": [ - "Open" - ], - "start": "0", - "startOffset": 0, - "text": " God\n I said I wasn't gonna do this anymore." - } - }, - { - "from_name": "taxonomyOpen", - "id": "4enWKdYYhj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "1", - "endOffset": 39, - "start": "0", - "startOffset": 0, - "text": " God\n I said I wasn't gonna do this anymore." - } - }, - { - "from_name": "actions", - "id": "fQ2YmHBvix", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "3", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "2", - "startOffset": 0, - "text": " Stay up late.\n Kinda defeats the purpose of getting up in the morning." - } - }, - { - "from_name": "taxonomySustain", - "id": "fQ2YmHBvix", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "3", - "endOffset": 56, - "start": "2", - "startOffset": 0, - "text": " Stay up late.\n Kinda defeats the purpose of getting up in the morning." - } - }, - { - "from_name": "actions", - "id": "62FgiFliB4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "4", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "4", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "62FgiFliB4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "4", - "endOffset": 8, - "start": "4", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "K6I0R9_gM-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "5", - "endOffset": 30, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "5", - "startOffset": 0, - "text": " And it's hard habit to break." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "K6I0R9_gM-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "5", - "endOffset": 30, - "start": "5", - "startOffset": 0, - "text": " And it's hard habit to break." - } - }, - { - "from_name": "actions", - "id": "42FHz_Gu8U", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "6", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "6", - "startOffset": 0, - "text": " Usually I don't..." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "42FHz_Gu8U", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "6", - "endOffset": 19, - "start": "6", - "startOffset": 0, - "text": " Usually I don't..." - } - }, - { - "from_name": "actions", - "id": "KHm6Dz_HcX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "7", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "7", - "startOffset": 0, - "text": " It is." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "KHm6Dz_HcX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "7", - "endOffset": 7, - "start": "7", - "startOffset": 0, - "text": " It is." - } - }, - { - "from_name": "actions", - "id": "600ABZMR-9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "8", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "8", - "startOffset": 0, - "text": " ʔuh Usually I don't stay up late." - } - }, - { - "from_name": "taxonomySustain", - "id": "600ABZMR-9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "8", - "endOffset": 34, - "start": "8", - "startOffset": 0, - "text": " ʔuh Usually I don't stay up late." - } - }, - { - "from_name": "actions", - "id": "9PZwEDXACb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "11", - "endOffset": 16, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "9", - "startOffset": 0, - "text": " But it's like\n if I'm up after midnight ?\n It's just like." - } - }, - { - "from_name": "taxonomySustain", - "id": "9PZwEDXACb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "11", - "endOffset": 16, - "start": "9", - "startOffset": 0, - "text": " But it's like\n if I'm up after midnight ?\n It's just like." - } - }, - { - "from_name": "actions", - "id": "N4zIVivU6S", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "14", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "13", - "startOffset": 0, - "text": " Hm.\n Yeah yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "N4zIVivU6S", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "14", - "endOffset": 11, - "start": "13", - "startOffset": 0, - "text": " Hm.\n Yeah yeah." - } - }, - { - "from_name": "actions", - "id": "6ykWIVjtdS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "15", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "15", - "startOffset": 1, - "text": "What can I do now." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "6ykWIVjtdS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "15", - "endOffset": 19, - "start": "15", - "startOffset": 1, - "text": "What can I do now." - } - }, - { - "from_name": "actions", - "id": "dXQoN669gw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "16", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "16", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "dXQoN669gw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Detach" - ], - "end": "16", - "endOffset": 5, - "start": "16", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "Ozu3_DUPYb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "17", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "17", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "Ozu3_DUPYb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "17", - "endOffset": 5, - "start": "17", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "BIBayR8ryi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "18", - "endOffset": 21, - "paragraphlabels": [ - "Open" - ], - "start": "18", - "startOffset": 0, - "text": " I still can't ʔuh..." - } - }, - { - "from_name": "taxonomyOpen", - "id": "BIBayR8ryi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "18", - "endOffset": 21, - "start": "18", - "startOffset": 0, - "text": " I still can't ʔuh..." - } - }, - { - "from_name": "actions", - "id": "SSbyBIDLT5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "21", - "endOffset": 13, - "paragraphlabels": [ - "Open" - ], - "start": "20", - "startOffset": 1, - "text": "God I still can't believe Tim bitching around and\n he lied too." - } - }, - { - "from_name": "taxonomyOpen", - "id": "SSbyBIDLT5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "21", - "endOffset": 13, - "start": "20", - "startOffset": 1, - "text": "God I still can't believe Tim bitching around and\n he lied too." - } - }, - { - "from_name": "actions", - "id": "XVFtpFUio9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "22", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "22", - "startOffset": 0, - "text": " He said that he talked to Ron" - } - }, - { - "from_name": "taxonomySustain", - "id": "XVFtpFUio9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "22", - "endOffset": 30, - "start": "22", - "startOffset": 0, - "text": " He said that he talked to Ron" - } - }, - { - "from_name": "actions", - "id": "ZjrCTYhQJ7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "24", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "24", - "startOffset": 1, - "text": "About what." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ZjrCTYhQJ7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "24", - "endOffset": 12, - "start": "24", - "startOffset": 1, - "text": "About what." - } - }, - { - "from_name": "actions", - "id": "W3XsZ-va2D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "27", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "25", - "startOffset": 0, - "text": " About ʔuh the way they were feeling\n of them being the only ones cleaning the house\n and all this other shit ?" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "W3XsZ-va2D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "27", - "endOffset": 26, - "start": "25", - "startOffset": 0, - "text": " About ʔuh the way they were feeling\n of them being the only ones cleaning the house\n and all this other shit ?" - } - }, - { - "from_name": "actions", - "id": "o4JKDyFmWg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "31", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "28", - "startOffset": 1, - "text": "I mean what they don't realize\n is like\n shit\n when Ron gets home from work" - } - }, - { - "from_name": "taxonomySustain", - "id": "o4JKDyFmWg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "31", - "endOffset": 29, - "start": "28", - "startOffset": 1, - "text": "I mean what they don't realize\n is like\n shit\n when Ron gets home from work" - } - }, - { - "from_name": "actions", - "id": "U3iLtM0OYD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "35", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "35", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "U3iLtM0OYD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "35", - "endOffset": 6, - "start": "35", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "faaKgDhZ9-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "38", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "36", - "startOffset": 0, - "text": " Unlike Tim\n he has to work\n for every little dime that he makes." - } - }, - { - "from_name": "taxonomySustain", - "id": "faaKgDhZ9-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "38", - "endOffset": 37, - "start": "36", - "startOffset": 0, - "text": " Unlike Tim\n he has to work\n for every little dime that he makes." - } - }, - { - "from_name": "actions", - "id": "eHh-6Nf9fL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "39", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "39", - "startOffset": 1, - "text": "You know ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "eHh-6Nf9fL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "39", - "endOffset": 11, - "start": "39", - "startOffset": 1, - "text": "You know ?" - } - }, - { - "from_name": "actions", - "id": "Qe7nNafkpD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "40", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "40", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Qe7nNafkpD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "40", - "endOffset": 6, - "start": "40", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "c91KEGMEUW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "41", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "41", - "startOffset": 1, - "text": "He doesn't get any breaks." - } - }, - { - "from_name": "taxonomySustain", - "id": "c91KEGMEUW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "41", - "endOffset": 27, - "start": "41", - "startOffset": 1, - "text": "He doesn't get any breaks." - } - }, - { - "from_name": "actions", - "id": "GxXYY-YEfT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "42", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "42", - "startOffset": 1, - "text": "Yeahʔ" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GxXYY-YEfT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "42", - "endOffset": 6, - "start": "42", - "startOffset": 1, - "text": "Yeahʔ" - } - }, - { - "from_name": "actions", - "id": "cpRlXpCgp0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "45", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "43", - "startOffset": 0, - "text": " Tim is on salary\n and he can take leave\n and." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "cpRlXpCgp0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "45", - "endOffset": 5, - "start": "43", - "startOffset": 0, - "text": " Tim is on salary\n and he can take leave\n and." - } - }, - { - "from_name": "actions", - "id": "_Ky-nMelHH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "46", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "46", - "startOffset": 0, - "text": " Mhm" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_Ky-nMelHH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "46", - "endOffset": 4, - "start": "46", - "startOffset": 0, - "text": " Mhm" - } - }, - { - "from_name": "actions", - "id": "oJLS3OedqD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "60", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "60", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oJLS3OedqD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "60", - "endOffset": 5, - "start": "60", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "q7hYGUnnrz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "47", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "47", - "startOffset": 1, - "text": "and he earns leave." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "q7hYGUnnrz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Refute" - ], - "end": "47", - "endOffset": 20, - "start": "47", - "startOffset": 1, - "text": "and he earns leave." - } - }, - { - "from_name": "actions", - "id": "Oj4VVVW2fD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "32", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "32", - "startOffset": 0, - "text": " I wanna spend time with Ron" - } - }, - { - "from_name": "taxonomySustain", - "id": "Oj4VVVW2fD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "32", - "endOffset": 28, - "start": "32", - "startOffset": 0, - "text": " I wanna spend time with Ron" - } - }, - { - "from_name": "actions", - "id": "p_W_YVo4P4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "34", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "33", - "startOffset": 1, - "text": "because Ron\n usually doesn't get home till nine or ten." - } - }, - { - "from_name": "taxonomySustain", - "id": "p_W_YVo4P4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "34", - "endOffset": 49, - "start": "33", - "startOffset": 1, - "text": "because Ron\n usually doesn't get home till nine or ten." - } - }, - { - "from_name": "actions", - "id": "wJoHQsBegG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "48", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "48", - "startOffset": 1, - "text": "he's..." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "wJoHQsBegG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "48", - "endOffset": 8, - "start": "48", - "startOffset": 1, - "text": "he's..." - } - }, - { - "from_name": "actions", - "id": "nKhcPSi9ys", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "49", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "49", - "startOffset": 1, - "text": "he gets sick leave" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nKhcPSi9ys", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "49", - "endOffset": 19, - "start": "49", - "startOffset": 1, - "text": "he gets sick leave" - } - }, - { - "from_name": "actions", - "id": "YuB28fwVUD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "51", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "51", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "YuB28fwVUD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "51", - "endOffset": 14, - "start": "51", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "actions", - "id": "F8WoDx71qc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "52", - "endOffset": 46, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "52", - "startOffset": 0, - "text": " It is really hard living with another couple." - } - }, - { - "from_name": "taxonomySustain", - "id": "F8WoDx71qc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "52", - "endOffset": 46, - "start": "52", - "startOffset": 0, - "text": " It is really hard living with another couple." - } - }, - { - "from_name": "actions", - "id": "FwVjW_PE7G", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "54", - "endOffset": 4, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "53", - "startOffset": 1, - "text": "I mean\n we." - } - }, - { - "from_name": "taxonomySustain", - "id": "FwVjW_PE7G", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "54", - "endOffset": 4, - "start": "53", - "startOffset": 1, - "text": "I mean\n we." - } - }, - { - "from_name": "actions", - "id": "IhbB68br_7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "59", - "endOffset": 10, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "55", - "startOffset": 0, - "text": " If we set our.\n If we sit down and set some rules\n which we never did\n ʔuh ʔuh ʔit could work.\n You know." - } - }, - { - "from_name": "taxonomySustain", - "id": "IhbB68br_7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "59", - "endOffset": 10, - "start": "55", - "startOffset": 0, - "text": " If we set our.\n If we sit down and set some rules\n which we never did\n ʔuh ʔuh ʔit could work.\n You know." - } - }, - { - "from_name": "actions", - "id": "aL-o4bSJhD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "50", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "50", - "startOffset": 1, - "text": "we don't get shit." - } - }, - { - "from_name": "taxonomySustain", - "id": "aL-o4bSJhD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "50", - "endOffset": 19, - "start": "50", - "startOffset": 1, - "text": "we don't get shit." - } - }, - { - "from_name": "actions", - "id": "hQ-4DFGU83", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "62", - "endOffset": 18, - "paragraphlabels": [ - "Open" - ], - "start": "61", - "startOffset": 1, - "text": "what it amounts to\n is mutual respect" - } - }, - { - "from_name": "taxonomyOpen", - "id": "hQ-4DFGU83", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "62", - "endOffset": 18, - "start": "61", - "startOffset": 1, - "text": "what it amounts to\n is mutual respect" - } - }, - { - "from_name": "actions", - "id": "fnd2WOMeEh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "66", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "63", - "startOffset": 1, - "text": "and like Tim told Ron\n he told him\n he goes um\n what was it he goes" - } - }, - { - "from_name": "taxonomySustain", - "id": "fnd2WOMeEh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "66", - "endOffset": 20, - "start": "63", - "startOffset": 1, - "text": "and like Tim told Ron\n he told him\n he goes um\n what was it he goes" - } - }, - { - "from_name": "actions", - "id": "wNMnVyY-f7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "67", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "67", - "startOffset": 1, - "text": "nobody fucks with my lifestyle." - } - }, - { - "from_name": "taxonomySustain", - "id": "wNMnVyY-f7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "67", - "endOffset": 32, - "start": "67", - "startOffset": 1, - "text": "nobody fucks with my lifestyle." - } - }, - { - "from_name": "actions", - "id": "j_noSGMury", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "68", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "68", - "startOffset": 0, - "text": " I feel the exact same way." - } - }, - { - "from_name": "taxonomySustain", - "id": "j_noSGMury", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "68", - "endOffset": 33, - "start": "68", - "startOffset": 0, - "text": " I feel the exact same way." - } - }, - { - "from_name": "actions", - "id": "vrhcXMJzPd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "70", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "69", - "startOffset": 0, - "text": " And all those bitches and complaints that he has\n they're about my lifestyle." - } - }, - { - "from_name": "taxonomySustain", - "id": "vrhcXMJzPd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "70", - "endOffset": 28, - "start": "69", - "startOffset": 0, - "text": " And all those bitches and complaints that he has\n they're about my lifestyle." - } - }, - { - "from_name": "actions", - "id": "0pHQ_9RTha", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "71", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "71", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0pHQ_9RTha", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "71", - "endOffset": 5, - "start": "71", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "1kwTodcsN1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "72", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "72", - "startOffset": 1, - "text": "And he doesn't realize that." - } - }, - { - "from_name": "taxonomySustain", - "id": "1kwTodcsN1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "72", - "endOffset": 29, - "start": "72", - "startOffset": 1, - "text": "And he doesn't realize that." - } - }, - { - "from_name": "actions", - "id": "68kkJkBcAc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "73", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "73", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "68kkJkBcAc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "73", - "endOffset": 5, - "start": "73", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "iVvmyUy8bb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "74", - "endOffset": 36, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "74", - "startOffset": 1, - "text": "And that's what I'm gonna tell him." - } - }, - { - "from_name": "taxonomySustain", - "id": "iVvmyUy8bb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "74", - "endOffset": 36, - "start": "74", - "startOffset": 1, - "text": "And that's what I'm gonna tell him." - } - }, - { - "from_name": "actions", - "id": "f1Yt5dRa6X", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "76", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "75", - "startOffset": 0, - "text": " Well\n ʔuh you know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "f1Yt5dRa6X", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Engage" - ], - "end": "76", - "endOffset": 14, - "start": "75", - "startOffset": 0, - "text": " Well\n ʔuh you know." - } - }, - { - "from_name": "actions", - "id": "Hu_yUDODbk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "78", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "77", - "startOffset": 1, - "text": "And the only way it's gonna work\n is if we have respect for one another." - } - }, - { - "from_name": "taxonomySustain", - "id": "Hu_yUDODbk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "78", - "endOffset": 39, - "start": "77", - "startOffset": 1, - "text": "And the only way it's gonna work\n is if we have respect for one another." - } - }, - { - "from_name": "actions", - "id": "tNi9Y6mc76", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "80", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "79", - "startOffset": 0, - "text": " That's right.\n That's right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tNi9Y6mc76", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "80", - "endOffset": 14, - "start": "79", - "startOffset": 0, - "text": " That's right.\n That's right." - } - }, - { - "from_name": "actions", - "id": "WaDjJdLpXa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "83", - "endOffset": 34, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "81", - "startOffset": 1, - "text": "And it doesn't mean\n going to our parents\n and complaining about one another" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WaDjJdLpXa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "83", - "endOffset": 34, - "start": "81", - "startOffset": 1, - "text": "And it doesn't mean\n going to our parents\n and complaining about one another" - } - }, - { - "from_name": "actions", - "id": "mSG21l_243", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "86", - "endOffset": 58, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "84", - "startOffset": 0, - "text": " I'm gonna tell him\n if you have any complaints\n you talk to the person that you have the complaint about." - } - }, - { - "from_name": "taxonomySustain", - "id": "mSG21l_243", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "86", - "endOffset": 58, - "start": "84", - "startOffset": 0, - "text": " I'm gonna tell him\n if you have any complaints\n you talk to the person that you have the complaint about." - } - }, - { - "from_name": "actions", - "id": "xIH3sV4n6Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "88", - "endOffset": 46, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "87", - "startOffset": 0, - "text": " I'm also going to suggest\n weekly house meetings to discuss such things." - } - }, - { - "from_name": "taxonomySustain", - "id": "xIH3sV4n6Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "88", - "endOffset": 46, - "start": "87", - "startOffset": 0, - "text": " I'm also going to suggest\n weekly house meetings to discuss such things." - } - }, - { - "from_name": "actions", - "id": "zgkAieui3x", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "89", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "89", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "zgkAieui3x", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "89", - "endOffset": 5, - "start": "89", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "JTD_FFKwLQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "91", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "90", - "startOffset": 1, - "text": "Oh yeah.\n Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "JTD_FFKwLQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "91", - "endOffset": 6, - "start": "90", - "startOffset": 1, - "text": "Oh yeah.\n Yeah." - } - }, - { - "from_name": "actions", - "id": "IY2jK-CZSd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "94", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "92", - "startOffset": 1, - "text": "You know what it would be\n real good lesson for them\n too" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "IY2jK-CZSd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "94", - "endOffset": 4, - "start": "92", - "startOffset": 1, - "text": "You know what it would be\n real good lesson for them\n too" - } - }, - { - "from_name": "actions", - "id": "XGyKTJIDSj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "95", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "95", - "startOffset": 1, - "text": "in self assertiveness." - } - }, - { - "from_name": "taxonomySustain", - "id": "XGyKTJIDSj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "95", - "endOffset": 23, - "start": "95", - "startOffset": 1, - "text": "in self assertiveness." - } - }, - { - "from_name": "actions", - "id": "UQ1Ngmfbkq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "96", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "96", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "UQ1Ngmfbkq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "96", - "endOffset": 5, - "start": "96", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "actions", - "id": "Xr_dQ-Kdw5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "98", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "97", - "startOffset": 1, - "text": "you know and\n especially the way um" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Xr_dQ-Kdw5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "98", - "endOffset": 22, - "start": "97", - "startOffset": 1, - "text": "you know and\n especially the way um" - } - }, - { - "from_name": "actions", - "id": "Uk2XHBclXo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "101", - "endOffset": 47, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "99", - "startOffset": 1, - "text": "I mean Tim gets himself into a\n uncomfortable situation or whatever\n and his first reaction is to blow up about it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Uk2XHBclXo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "101", - "endOffset": 47, - "start": "99", - "startOffset": 1, - "text": "I mean Tim gets himself into a\n uncomfortable situation or whatever\n and his first reaction is to blow up about it." - } - }, - { - "from_name": "taxonomySustain", - "id": "Uk2XHBclXo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "101", - "endOffset": 47, - "start": "99", - "startOffset": 1, - "text": "I mean Tim gets himself into a\n uncomfortable situation or whatever\n and his first reaction is to blow up about it." - } - }, - { - "from_name": "actions", - "id": "qZy9XhYlkc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "102", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "102", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "qZy9XhYlkc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "102", - "endOffset": 5, - "start": "102", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "Mcg8CtDGVi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "105", - "endOffset": 20, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "103", - "startOffset": 0, - "text": " You know\n cause he let.\n he lets it pile up." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Mcg8CtDGVi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "105", - "endOffset": 20, - "start": "103", - "startOffset": 0, - "text": " You know\n cause he let.\n he lets it pile up." - } - }, - { - "from_name": "actions", - "id": "RWlWwu3fxH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "106", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "106", - "startOffset": 1, - "text": "Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "RWlWwu3fxH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "106", - "endOffset": 5, - "start": "106", - "startOffset": 1, - "text": "Yep." - } - }, - { - "from_name": "actions", - "id": "fZ8B7K0-fq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "108", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "107", - "startOffset": 0, - "text": " He doesn't do nothing positive about it\n and then he just blows up." - } - }, - { - "from_name": "taxonomySustain", - "id": "fZ8B7K0-fq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "108", - "endOffset": 27, - "start": "107", - "startOffset": 0, - "text": " He doesn't do nothing positive about it\n and then he just blows up." - } - }, - { - "from_name": "actions", - "id": "I-RX_hkMxd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "110", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "109", - "startOffset": 1, - "text": "And if something bothers you\n you go and you" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "I-RX_hkMxd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "110", - "endOffset": 15, - "start": "109", - "startOffset": 1, - "text": "And if something bothers you\n you go and you" - } - }, - { - "from_name": "actions", - "id": "k7S-b9p4a7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "112", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "111", - "startOffset": 0, - "text": " I was\n like last year" - } - }, - { - "from_name": "taxonomySustain", - "id": "k7S-b9p4a7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "112", - "endOffset": 15, - "start": "111", - "startOffset": 0, - "text": " I was\n like last year" - } - }, - { - "from_name": "actions", - "id": "FLl59n0A8C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "114", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "113", - "startOffset": 1, - "text": "I was really proud of myself\n when I was asked to take over intermediate algebra ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "FLl59n0A8C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "114", - "endOffset": 53, - "start": "113", - "startOffset": 1, - "text": "I was really proud of myself\n when I was asked to take over intermediate algebra ?" - } - }, - { - "from_name": "actions", - "id": "oegr3QOoME", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "115", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "115", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oegr3QOoME", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "115", - "endOffset": 8, - "start": "115", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "PnOA0DiCVK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "116", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "116", - "startOffset": 0, - "text": " And teach it ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "PnOA0DiCVK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "116", - "endOffset": 15, - "start": "116", - "startOffset": 0, - "text": " And teach it ?" - } - }, - { - "from_name": "actions", - "id": "KD3lrKFro2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "117", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "117", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "KD3lrKFro2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "117", - "endOffset": 5, - "start": "117", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "IP7WuHFI9G", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "118", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "118", - "startOffset": 0, - "text": " And I did." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "IP7WuHFI9G", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "118", - "endOffset": 11, - "start": "118", - "startOffset": 0, - "text": " And I did." - } - }, - { - "from_name": "taxonomySustain", - "id": "IP7WuHFI9G", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "118", - "endOffset": 11, - "start": "118", - "startOffset": 0, - "text": " And I did." - } - }, - { - "from_name": "actions", - "id": "c32QhNz99k", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "119", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "119", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "c32QhNz99k", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "119", - "endOffset": 5, - "start": "119", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "9HJdE6exNS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "120", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "120", - "startOffset": 0, - "text": " And I also went." - } - }, - { - "from_name": "taxonomySustain", - "id": "9HJdE6exNS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "120", - "endOffset": 17, - "start": "120", - "startOffset": 0, - "text": " And I also went." - } - }, - { - "from_name": "actions", - "id": "O0-coYWdSb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "121", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "121", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "O0-coYWdSb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "121", - "endOffset": 5, - "start": "121", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "eQlcaURUJc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "123", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "122", - "startOffset": 0, - "text": " and I asked for raise\n instead of..." - } - }, - { - "from_name": "taxonomySustain", - "id": "eQlcaURUJc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "123", - "endOffset": 14, - "start": "122", - "startOffset": 0, - "text": " and I asked for raise\n instead of..." - } - }, - { - "from_name": "actions", - "id": "fdjAeoNKau", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "124", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "124", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "fdjAeoNKau", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "124", - "endOffset": 5, - "start": "124", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "eBnAOazH7P", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "126", - "endOffset": 41, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "125", - "startOffset": 0, - "text": " cause instead of just sitting in the class and getting five dollars an hour\n I was now gonna be up there teaching it." - } - }, - { - "from_name": "taxonomySustain", - "id": "eBnAOazH7P", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "126", - "endOffset": 41, - "start": "125", - "startOffset": 0, - "text": " cause instead of just sitting in the class and getting five dollars an hour\n I was now gonna be up there teaching it." - } - }, - { - "from_name": "actions", - "id": "iLcYc2oNjs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "127", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "127", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "iLcYc2oNjs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "127", - "endOffset": 5, - "start": "127", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "I60Dg5_6lt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "129", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "128", - "startOffset": 1, - "text": "and instead of getting the five dollars an hour \n I ended up getting fifteen." - } - }, - { - "from_name": "taxonomySustain", - "id": "I60Dg5_6lt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "129", - "endOffset": 28, - "start": "128", - "startOffset": 1, - "text": "and instead of getting the five dollars an hour \n I ended up getting fifteen." - } - }, - { - "from_name": "actions", - "id": "nEhV2ETeoK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "130", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "130", - "startOffset": 1, - "text": "Really." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nEhV2ETeoK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "130", - "endOffset": 8, - "start": "130", - "startOffset": 1, - "text": "Really." - } - }, - { - "from_name": "actions", - "id": "WE_HD3AK1C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "131", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "131", - "startOffset": 1, - "text": "But I went and I asked." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WE_HD3AK1C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "131", - "endOffset": 24, - "start": "131", - "startOffset": 1, - "text": "But I went and I asked." - } - }, - { - "from_name": "actions", - "id": "wYKTUZFnTQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "132", - "endOffset": 8, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "132", - "startOffset": 1, - "text": "Now if." - } - }, - { - "from_name": "taxonomySustain", - "id": "wYKTUZFnTQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "132", - "endOffset": 8, - "start": "132", - "startOffset": 1, - "text": "Now if." - } - }, - { - "from_name": "actions", - "id": "965rASBdNs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "133", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "133", - "startOffset": 1, - "text": "You know if you put situation like that to Tim or Mandy" - } - }, - { - "from_name": "taxonomySustain", - "id": "965rASBdNs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "133", - "endOffset": 56, - "start": "133", - "startOffset": 1, - "text": "You know if you put situation like that to Tim or Mandy" - } - }, - { - "from_name": "actions", - "id": "dZt-g01VUV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "135", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "134", - "startOffset": 1, - "text": "cause not because they're they're weak in character or anything\n but because they're..." - } - }, - { - "from_name": "taxonomySustain", - "id": "dZt-g01VUV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "135", - "endOffset": 23, - "start": "134", - "startOffset": 1, - "text": "cause not because they're they're weak in character or anything\n but because they're..." - } - }, - { - "from_name": "actions", - "id": "ji1Fw46Skb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "136", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "136", - "startOffset": 0, - "text": " They're babies." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ji1Fw46Skb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "136", - "endOffset": 16, - "start": "136", - "startOffset": 0, - "text": " They're babies." - } - }, - { - "from_name": "actions", - "id": "Lwvcgy-I_D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "137", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "137", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Lwvcgy-I_D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "137", - "endOffset": 6, - "start": "137", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "pbOrJwE5mK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "138", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "138", - "startOffset": 0, - "text": " They hem and haw around" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "pbOrJwE5mK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "138", - "endOffset": 24, - "start": "138", - "startOffset": 0, - "text": " They hem and haw around" - } - }, - { - "from_name": "actions", - "id": "B9JoloXP8z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "139", - "endOffset": 47, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "139", - "startOffset": 0, - "text": " and somebody else would have to talk for them." - } - }, - { - "from_name": "taxonomySustain", - "id": "B9JoloXP8z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "139", - "endOffset": 47, - "start": "139", - "startOffset": 0, - "text": " and somebody else would have to talk for them." - } - }, - { - "from_name": "actions", - "id": "RLHdIf12O5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "140", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "140", - "startOffset": 0, - "text": " You know ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "RLHdIf12O5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "140", - "endOffset": 11, - "start": "140", - "startOffset": 0, - "text": " You know ?" - } - }, - { - "from_name": "actions", - "id": "tZF95fPne5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "141", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "141", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tZF95fPne5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "141", - "endOffset": 6, - "start": "141", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "y28VwO04fV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "142", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "142", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "y28VwO04fV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Detach" - ], - "end": "142", - "endOffset": 5, - "start": "142", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "oc_A-pbtk8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "143", - "endOffset": 14, - "paragraphlabels": [ - "Open" - ], - "start": "143", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "taxonomyOpen", - "id": "oc_A-pbtk8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "143", - "endOffset": 14, - "start": "143", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "actions", - "id": "ZWuYvcdhiI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "145", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "144", - "startOffset": 0, - "text": " And it's\n Right now uh" - } - }, - { - "from_name": "taxonomySustain", - "id": "ZWuYvcdhiI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "145", - "endOffset": 13, - "start": "144", - "startOffset": 0, - "text": " And it's\n Right now uh" - } - }, - { - "from_name": "actions", - "id": "YlYvmnLWVT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "147", - "endOffset": 8, - "paragraphlabels": [ - "Open" - ], - "start": "146", - "startOffset": 0, - "text": " I don't know if I should mention it to him\n or what" - } - }, - { - "from_name": "taxonomyOpen", - "id": "YlYvmnLWVT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "147", - "endOffset": 8, - "start": "146", - "startOffset": 0, - "text": " I don't know if I should mention it to him\n or what" - } - }, - { - "from_name": "actions", - "id": "pQH9vUOKWj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "149", - "endOffset": 45, - "paragraphlabels": [ - "Open" - ], - "start": "148", - "startOffset": 1, - "text": "but\n I'm feeling like he's taking me for granted." - } - }, - { - "from_name": "taxonomyOpen", - "id": "pQH9vUOKWj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "149", - "endOffset": 45, - "start": "148", - "startOffset": 1, - "text": "but\n I'm feeling like he's taking me for granted." - } - }, - { - "from_name": "actions", - "id": "T8fZgVwG6Y", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "150", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "150", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "T8fZgVwG6Y", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "150", - "endOffset": 5, - "start": "150", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "actions", - "id": "0VEecSymBE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "151", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "151", - "startOffset": 0, - "text": " And he's rolling in it" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0VEecSymBE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "151", - "endOffset": 23, - "start": "151", - "startOffset": 0, - "text": " And he's rolling in it" - } - }, - { - "from_name": "actions", - "id": "7s2wapK0_1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "153", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "152", - "startOffset": 0, - "text": " Mary.\n And you know what the sad thing" - } - }, - { - "from_name": "taxonomySustain", - "id": "7s2wapK0_1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "153", - "endOffset": 32, - "start": "152", - "startOffset": 0, - "text": " Mary.\n And you know what the sad thing" - } - }, - { - "from_name": "actions", - "id": "Be_m5eWAuY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "154", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "154", - "startOffset": 0, - "text": " the thing that really scares me ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "Be_m5eWAuY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "154", - "endOffset": 34, - "start": "154", - "startOffset": 0, - "text": " the thing that really scares me ?" - } - }, - { - "from_name": "actions", - "id": "ieOX0a2sF7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "156", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "155", - "startOffset": 1, - "text": "is that they're n.\n at the rate they're going" - } - }, - { - "from_name": "taxonomySustain", - "id": "ieOX0a2sF7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "156", - "endOffset": 26, - "start": "155", - "startOffset": 1, - "text": "is that they're n.\n at the rate they're going" - } - }, - { - "from_name": "actions", - "id": "gmnIwc4xVs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "158", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "157", - "startOffset": 1, - "text": "and with all the breaks that they've gotten\n they're never gonna have hard times." - } - }, - { - "from_name": "taxonomySustain", - "id": "gmnIwc4xVs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "158", - "endOffset": 37, - "start": "157", - "startOffset": 1, - "text": "and with all the breaks that they've gotten\n they're never gonna have hard times." - } - }, - { - "from_name": "actions", - "id": "nOWMZ5qj0R", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "159", - "endOffset": 25, - "paragraphlabels": [ - "Open" - ], - "start": "159", - "startOffset": 1, - "text": "Hard times do train you." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nOWMZ5qj0R", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "159", - "endOffset": 25, - "start": "159", - "startOffset": 1, - "text": "Hard times do train you." - } - }, - { - "from_name": "taxonomyOpen", - "id": "nOWMZ5qj0R", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "159", - "endOffset": 25, - "start": "159", - "startOffset": 1, - "text": "Hard times do train you." - } - }, - { - "from_name": "actions", - "id": "GSAABghy4R", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "160", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "160", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "GSAABghy4R", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "160", - "endOffset": 5, - "start": "160", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "actions", - "id": "lc_CrpE0-e", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "161", - "endOffset": 9, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "161", - "startOffset": 1, - "text": "They do." - } - }, - { - "from_name": "taxonomySustain", - "id": "lc_CrpE0-e", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "161", - "endOffset": 9, - "start": "161", - "startOffset": 1, - "text": "They do." - } - }, - { - "from_name": "actions", - "id": "FjQC33jsPI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "162", - "endOffset": 41, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "162", - "startOffset": 1, - "text": "Like I came over here to work with Danae" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FjQC33jsPI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "162", - "endOffset": 41, - "start": "162", - "startOffset": 1, - "text": "Like I came over here to work with Danae" - } - }, - { - "from_name": "actions", - "id": "fvYWTJNW5A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "163", - "endOffset": 30, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "163", - "startOffset": 0, - "text": " which is what I'm going to do" - } - }, - { - "from_name": "actions", - "id": "YREXZJxshM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "164", - "endOffset": 54, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "164", - "startOffset": 1, - "text": "I'm going to do some translations for her and stuff ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "YREXZJxshM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "164", - "endOffset": 54, - "start": "164", - "startOffset": 1, - "text": "I'm going to do some translations for her and stuff ?" - } - }, - { - "from_name": "actions", - "id": "XXwwG8GVm5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "165", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "165", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "XXwwG8GVm5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "165", - "endOffset": 6, - "start": "165", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "Acse35aMz8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "166", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "166", - "startOffset": 0, - "text": " tonight ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "Acse35aMz8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "166", - "endOffset": 10, - "start": "166", - "startOffset": 0, - "text": " tonight ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Acse35aMz8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "166", - "endOffset": 10, - "start": "166", - "startOffset": 0, - "text": " tonight ?" - } - }, - { - "from_name": "actions", - "id": "XfHqbHHrjJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "167", - "endOffset": 8, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "167", - "startOffset": 0, - "text": " And um." - } - }, - { - "from_name": "taxonomySustain", - "id": "XfHqbHHrjJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "167", - "endOffset": 8, - "start": "167", - "startOffset": 0, - "text": " And um." - } - }, - { - "from_name": "actions", - "id": "3iQd2LrZkb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "170", - "endOffset": 45, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "169", - "startOffset": 0, - "text": " you know\n I have to make at least fifty dollars or so." - } - }, - { - "from_name": "taxonomySustain", - "id": "3iQd2LrZkb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "170", - "endOffset": 45, - "start": "169", - "startOffset": 0, - "text": " you know\n I have to make at least fifty dollars or so." - } - }, - { - "from_name": "actions", - "id": "pDr2tysZWz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "172", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "172", - "startOffset": 0, - "text": " to make it worth my time" - } - }, - { - "from_name": "taxonomySustain", - "id": "pDr2tysZWz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "172", - "endOffset": 25, - "start": "172", - "startOffset": 0, - "text": " to make it worth my time" - } - }, - { - "from_name": "actions", - "id": "5f-XnYf27L", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "174", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "173", - "startOffset": 0, - "text": " but like tonight\n well I called" - } - }, - { - "from_name": "taxonomySustain", - "id": "5f-XnYf27L", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "174", - "endOffset": 14, - "start": "173", - "startOffset": 0, - "text": " but like tonight\n well I called" - } - }, - { - "from_name": "actions", - "id": "YJQGQbgTJD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "176", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "175", - "startOffset": 0, - "text": " you know\n this thing was going on with Buck and everything" - } - }, - { - "from_name": "taxonomySustain", - "id": "YJQGQbgTJD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "176", - "endOffset": 49, - "start": "175", - "startOffset": 0, - "text": " you know\n this thing was going on with Buck and everything" - } - }, - { - "from_name": "actions", - "id": "w5KKGTUQ54", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "180", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "177", - "startOffset": 1, - "text": "so I called um\n Mandy's\n or\n I called our house" - } - }, - { - "from_name": "taxonomySustain", - "id": "w5KKGTUQ54", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "180", - "endOffset": 19, - "start": "177", - "startOffset": 1, - "text": "so I called um\n Mandy's\n or\n I called our house" - } - }, - { - "from_name": "actions", - "id": "AZxqD9o74E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "181", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "181", - "startOffset": 0, - "text": " and Mandy answered the phone" - } - }, - { - "from_name": "taxonomySustain", - "id": "AZxqD9o74E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "181", - "endOffset": 29, - "start": "181", - "startOffset": 0, - "text": " and Mandy answered the phone" - } - }, - { - "from_name": "actions", - "id": "oRjX-lt6AH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "182", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "182", - "startOffset": 1, - "text": "and I said where's." - } - }, - { - "from_name": "taxonomySustain", - "id": "oRjX-lt6AH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "182", - "endOffset": 20, - "start": "182", - "startOffset": 1, - "text": "and I said where's." - } - }, - { - "from_name": "actions", - "id": "QoOnLC0q49", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "184", - "endOffset": 7, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "183", - "startOffset": 0, - "text": " you know where's.\n where." - } - }, - { - "from_name": "taxonomySustain", - "id": "QoOnLC0q49", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "184", - "endOffset": 7, - "start": "183", - "startOffset": 0, - "text": " you know where's.\n where." - } - }, - { - "from_name": "actions", - "id": "RwtWX9thZT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "185", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "185", - "startOffset": 1, - "text": "Is Ron there ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "RwtWX9thZT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "185", - "endOffset": 15, - "start": "185", - "startOffset": 1, - "text": "Is Ron there ?" - } - }, - { - "from_name": "actions", - "id": "KRt7YPh6hm", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "186", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "186", - "startOffset": 1, - "text": "And she said no." - } - }, - { - "from_name": "taxonomySustain", - "id": "KRt7YPh6hm", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "186", - "endOffset": 17, - "start": "186", - "startOffset": 1, - "text": "And she said no." - } - }, - { - "from_name": "actions", - "id": "d8l7VQ3aHb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "187", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "187", - "startOffset": 1, - "text": "When we were on our way to Tim's game" - } - }, - { - "from_name": "taxonomySustain", - "id": "d8l7VQ3aHb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "187", - "endOffset": 38, - "start": "187", - "startOffset": 1, - "text": "When we were on our way to Tim's game" - } - }, - { - "from_name": "actions", - "id": "w3R-NYb-fR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "188", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "188", - "startOffset": 0, - "text": " he was at Town Pump" - } - }, - { - "from_name": "taxonomySustain", - "id": "w3R-NYb-fR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "188", - "endOffset": 20, - "start": "188", - "startOffset": 0, - "text": " he was at Town Pump" - } - }, - { - "from_name": "actions", - "id": "ij0CtFZmoT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "189", - "endOffset": 36, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "189", - "startOffset": 1, - "text": "and he asked what time we'd be home" - } - }, - { - "from_name": "taxonomySustain", - "id": "ij0CtFZmoT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "189", - "endOffset": 36, - "start": "189", - "startOffset": 1, - "text": "and he asked what time we'd be home" - } - }, - { - "from_name": "actions", - "id": "MX1htA_qyl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "190", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "190", - "startOffset": 0, - "text": " and we said probably about nine." - } - }, - { - "from_name": "taxonomySustain", - "id": "MX1htA_qyl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "190", - "endOffset": 33, - "start": "190", - "startOffset": 0, - "text": " and we said probably about nine." - } - }, - { - "from_name": "actions", - "id": "cyOE5LVFDZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "191", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "191", - "startOffset": 0, - "text": " And she said then we went over to your grandma's" - } - }, - { - "from_name": "taxonomySustain", - "id": "cyOE5LVFDZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "191", - "endOffset": 49, - "start": "191", - "startOffset": 0, - "text": " And she said then we went over to your grandma's" - } - }, - { - "from_name": "actions", - "id": "ojIyYMEfa-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "193", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "192", - "startOffset": 1, - "text": "but then we came back\n and he wasn't here yet." - } - }, - { - "from_name": "taxonomySustain", - "id": "ojIyYMEfa-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "193", - "endOffset": 24, - "start": "192", - "startOffset": 1, - "text": "but then we came back\n and he wasn't here yet." - } - }, - { - "from_name": "actions", - "id": "NESiV1a02H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "196", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "194", - "startOffset": 0, - "text": " So\n I called the Town Pump\n and asked if he was still in the casino" - } - }, - { - "from_name": "taxonomySustain", - "id": "NESiV1a02H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "196", - "endOffset": 40, - "start": "194", - "startOffset": 0, - "text": " So\n I called the Town Pump\n and asked if he was still in the casino" - } - }, - { - "from_name": "actions", - "id": "rviqmUSdFs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "197", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "197", - "startOffset": 0, - "text": " course he wasn't" - } - }, - { - "from_name": "taxonomySustain", - "id": "rviqmUSdFs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "197", - "endOffset": 17, - "start": "197", - "startOffset": 0, - "text": " course he wasn't" - } - }, - { - "from_name": "actions", - "id": "koAsiO9Djc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "198", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "198", - "startOffset": 1, - "text": "he was on his way home." - } - }, - { - "from_name": "taxonomySustain", - "id": "koAsiO9Djc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "198", - "endOffset": 24, - "start": "198", - "startOffset": 1, - "text": "he was on his way home." - } - }, - { - "from_name": "actions", - "id": "ktJtPf82RJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "199", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "199", - "startOffset": 1, - "text": "And I said tell." - } - }, - { - "from_name": "taxonomySustain", - "id": "ktJtPf82RJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "199", - "endOffset": 17, - "start": "199", - "startOffset": 1, - "text": "And I said tell." - } - }, - { - "from_name": "actions", - "id": "E6BCWn61Kd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "202", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "200", - "startOffset": 1, - "text": "So I called Mandy back\n and I told her to\n have him call me." - } - }, - { - "from_name": "taxonomySustain", - "id": "E6BCWn61Kd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "202", - "endOffset": 18, - "start": "200", - "startOffset": 1, - "text": "So I called Mandy back\n and I told her to\n have him call me." - } - }, - { - "from_name": "actions", - "id": "VZ7eUmFo9m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "203", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "203", - "startOffset": 0, - "text": " when he got home." - } - }, - { - "from_name": "taxonomySustain", - "id": "VZ7eUmFo9m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "203", - "endOffset": 18, - "start": "203", - "startOffset": 0, - "text": " when he got home." - } - }, - { - "from_name": "actions", - "id": "mBtt5CERoh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "205", - "endOffset": 36, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "204", - "startOffset": 0, - "text": " So\n I was in the bathtub when he called" - } - }, - { - "from_name": "taxonomySustain", - "id": "mBtt5CERoh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "205", - "endOffset": 36, - "start": "204", - "startOffset": 0, - "text": " So\n I was in the bathtub when he called" - } - }, - { - "from_name": "actions", - "id": "N9VP3s9PmW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "206", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "206", - "startOffset": 1, - "text": "and I talked to him for while and" - } - }, - { - "from_name": "taxonomySustain", - "id": "N9VP3s9PmW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "206", - "endOffset": 34, - "start": "206", - "startOffset": 1, - "text": "and I talked to him for while and" - } - }, - { - "from_name": "actions", - "id": "UTtG9o92vd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "208", - "endOffset": 70, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "207", - "startOffset": 0, - "text": " he went and\n he was really down about what what I told him that Tim had said to me" - } - }, - { - "from_name": "taxonomySustain", - "id": "UTtG9o92vd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "208", - "endOffset": 70, - "start": "207", - "startOffset": 0, - "text": " he went and\n he was really down about what what I told him that Tim had said to me" - } - }, - { - "from_name": "actions", - "id": "AS2oqFbgpr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "209", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "209", - "startOffset": 0, - "text": " and how I was so upset ?" - } - }, - { - "from_name": "actions", - "id": "1zaFptw65h", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "210", - "endOffset": 54, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "210", - "startOffset": 1, - "text": "He goes why didn't you tell him to go and wake me up." - } - }, - { - "from_name": "taxonomySustain", - "id": "1zaFptw65h", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "210", - "endOffset": 54, - "start": "210", - "startOffset": 1, - "text": "He goes why didn't you tell him to go and wake me up." - } - }, - { - "from_name": "actions", - "id": "crt0fWbMvS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "211", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "211", - "startOffset": 0, - "text": " I said I did" - } - }, - { - "from_name": "taxonomySustain", - "id": "crt0fWbMvS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "211", - "endOffset": 13, - "start": "211", - "startOffset": 0, - "text": " I said I did" - } - }, - { - "from_name": "actions", - "id": "dfWkj9HTPi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "212", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "212", - "startOffset": 0, - "text": " and he wouldn't do it." - } - }, - { - "from_name": "taxonomySustain", - "id": "dfWkj9HTPi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "212", - "endOffset": 23, - "start": "212", - "startOffset": 0, - "text": " and he wouldn't do it." - } - }, - { - "from_name": "actions", - "id": "iexFwp95R4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "213", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "213", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "iexFwp95R4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "213", - "endOffset": 9, - "start": "213", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "83T7hnEiSK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "215", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "214", - "startOffset": 0, - "text": " Mhm.\n He goes" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "83T7hnEiSK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "215", - "endOffset": 8, - "start": "214", - "startOffset": 0, - "text": " Mhm.\n He goes" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "83T7hnEiSK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "215", - "endOffset": 8, - "start": "214", - "startOffset": 0, - "text": " Mhm.\n He goes" - } - }, - { - "from_name": "actions", - "id": "rN9X2uKY1C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "216", - "endOffset": 6, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "216", - "startOffset": 1, - "text": "they." - } - }, - { - "from_name": "taxonomySustain", - "id": "rN9X2uKY1C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "216", - "endOffset": 6, - "start": "216", - "startOffset": 1, - "text": "they." - } - }, - { - "from_name": "actions", - "id": "uqnLNoO2OX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "217", - "endOffset": 47, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "217", - "startOffset": 1, - "text": "they were sitting around getting all fucked up" - } - }, - { - "from_name": "taxonomySustain", - "id": "uqnLNoO2OX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "217", - "endOffset": 47, - "start": "217", - "startOffset": 1, - "text": "they were sitting around getting all fucked up" - } - }, - { - "from_name": "actions", - "id": "o1u3MrRFjZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "218", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "218", - "startOffset": 1, - "text": "he said but" - } - }, - { - "from_name": "taxonomySustain", - "id": "o1u3MrRFjZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "218", - "endOffset": 12, - "start": "218", - "startOffset": 1, - "text": "he said but" - } - }, - { - "from_name": "actions", - "id": "zrswSojMnU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "219", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "219", - "startOffset": 0, - "text": " he said I went right to bed" - } - }, - { - "from_name": "taxonomySustain", - "id": "zrswSojMnU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "219", - "endOffset": 28, - "start": "219", - "startOffset": 0, - "text": " he said I went right to bed" - } - }, - { - "from_name": "actions", - "id": "vZGXZbnj5E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "220", - "endOffset": 52, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "220", - "startOffset": 1, - "text": "he said I didn't get done working until after nine." - } - }, - { - "from_name": "taxonomySustain", - "id": "vZGXZbnj5E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "220", - "endOffset": 52, - "start": "220", - "startOffset": 1, - "text": "he said I didn't get done working until after nine." - } - }, - { - "from_name": "actions", - "id": "fleSXpuQVO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "222", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "221", - "startOffset": 0, - "text": " Oh\n man." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "fleSXpuQVO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "222", - "endOffset": 5, - "start": "221", - "startOffset": 0, - "text": " Oh\n man." - } - }, - { - "from_name": "actions", - "id": "NYlUkK6Hrq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "223", - "endOffset": 62, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "223", - "startOffset": 0, - "text": "Cause that five car pile up they had between Hardin and Crow ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "NYlUkK6Hrq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "223", - "endOffset": 62, - "start": "223", - "startOffset": 0, - "text": "Cause that five car pile up they had between Hardin and Crow ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "NYlUkK6Hrq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "223", - "endOffset": 62, - "start": "223", - "startOffset": 0, - "text": "Cause that five car pile up they had between Hardin and Crow ?" - } - }, - { - "from_name": "actions", - "id": "_N77R71xDr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "225", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "224", - "startOffset": 1, - "text": "Oh\n shit" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_N77R71xDr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "225", - "endOffset": 5, - "start": "224", - "startOffset": 1, - "text": "Oh\n shit" - } - }, - { - "from_name": "actions", - "id": "Wi4Fn4cUWz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "226", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "226", - "startOffset": 0, - "text": " really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Wi4Fn4cUWz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "226", - "endOffset": 9, - "start": "226", - "startOffset": 0, - "text": " really ?" - } - }, - { - "from_name": "actions", - "id": "CSCaKYHpYt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "227", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "227", - "startOffset": 1, - "text": "I didn't hear about it." - } - }, - { - "from_name": "taxonomySustain", - "id": "CSCaKYHpYt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "227", - "endOffset": 24, - "start": "227", - "startOffset": 1, - "text": "I didn't hear about it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "CSCaKYHpYt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "227", - "endOffset": 24, - "start": "227", - "startOffset": 1, - "text": "I didn't hear about it." - } - }, - { - "from_name": "actions", - "id": "agglXVdG4K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "228", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "228", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "agglXVdG4K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "228", - "endOffset": 6, - "start": "228", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "H3uAIWkL6s", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "229", - "endOffset": 30, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "229", - "startOffset": 1, - "text": "Ron was singlehandedly there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "H3uAIWkL6s", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "229", - "endOffset": 30, - "start": "229", - "startOffset": 1, - "text": "Ron was singlehandedly there." - } - }, - { - "from_name": "actions", - "id": "AkKvhZYgKJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "230", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "230", - "startOffset": 0, - "text": " with one wrecker." - } - }, - { - "from_name": "taxonomySustain", - "id": "AkKvhZYgKJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "230", - "endOffset": 18, - "start": "230", - "startOffset": 0, - "text": " with one wrecker." - } - }, - { - "from_name": "actions", - "id": "Dq3LMZWG-U", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "231", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "231", - "startOffset": 0, - "text": " yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Dq3LMZWG-U", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "231", - "endOffset": 6, - "start": "231", - "startOffset": 0, - "text": " yeah." - } - }, - { - "from_name": "actions", - "id": "lQuPBTsY97", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "232", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "232", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "86MkoQOQXG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "234", - "endOffset": 34, - "paragraphlabels": [ - "Open" - ], - "start": "233", - "startOffset": 1, - "text": "Seems like any time I've seen wrecker out here\n there's always two guys in there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "86MkoQOQXG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "234", - "endOffset": 34, - "start": "233", - "startOffset": 1, - "text": "Seems like any time I've seen wrecker out here\n there's always two guys in there." - } - }, - { - "from_name": "taxonomyOpen", - "id": "86MkoQOQXG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "234", - "endOffset": 34, - "start": "233", - "startOffset": 1, - "text": "Seems like any time I've seen wrecker out here\n there's always two guys in there." - } - }, - { - "from_name": "actions", - "id": "zGew99cOxt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "235", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "235", - "startOffset": 1, - "text": "Hmm" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "zGew99cOxt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "235", - "endOffset": 4, - "start": "235", - "startOffset": 1, - "text": "Hmm" - } - }, - { - "from_name": "actions", - "id": "rWe9vS_Qdj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "237", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "236", - "startOffset": 0, - "text": " everyone was gone\n when the call came in." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rWe9vS_Qdj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "237", - "endOffset": 23, - "start": "236", - "startOffset": 0, - "text": " everyone was gone\n when the call came in." - } - }, - { - "from_name": "actions", - "id": "MB8s6tcgID", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "238", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "238", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "MB8s6tcgID", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "238", - "endOffset": 4, - "start": "238", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "actions", - "id": "HYVQ0hACL1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "240", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "239", - "startOffset": 1, - "text": "And Jay's not supposed to go on those anymore\n because of his heart" - } - }, - { - "from_name": "taxonomySustain", - "id": "HYVQ0hACL1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "240", - "endOffset": 21, - "start": "239", - "startOffset": 1, - "text": "And Jay's not supposed to go on those anymore\n because of his heart" - } - }, - { - "from_name": "actions", - "id": "4REnuRmv7M", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "241", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "241", - "startOffset": 0, - "text": " so he had to send Ron by himself" - } - }, - { - "from_name": "taxonomySustain", - "id": "4REnuRmv7M", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "241", - "endOffset": 33, - "start": "241", - "startOffset": 0, - "text": " so he had to send Ron by himself" - } - }, - { - "from_name": "actions", - "id": "xPsiOgCMtC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "242", - "endOffset": 55, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "242", - "startOffset": 0, - "text": " and Ron was slowly pulling everybody out of the ditch." - } - }, - { - "from_name": "taxonomySustain", - "id": "xPsiOgCMtC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "242", - "endOffset": 55, - "start": "242", - "startOffset": 0, - "text": " and Ron was slowly pulling everybody out of the ditch." - } - }, - { - "from_name": "actions", - "id": "UM6TrsKF3A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "243", - "endOffset": 30, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "243", - "startOffset": 0, - "text": " Did they all hit each other ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "UM6TrsKF3A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "243", - "endOffset": 30, - "start": "243", - "startOffset": 0, - "text": " Did they all hit each other ?" - } - }, - { - "from_name": "actions", - "id": "WfsOxROvql", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "244", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "244", - "startOffset": 0, - "text": " Or just." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "WfsOxROvql", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "244", - "endOffset": 9, - "start": "244", - "startOffset": 0, - "text": " Or just." - } - }, - { - "from_name": "actions", - "id": "0JaAyPwP1l", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "245", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "245", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0JaAyPwP1l", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "245", - "endOffset": 9, - "start": "245", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "actions", - "id": "oiQHzU-4fQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "246", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "246", - "startOffset": 1, - "text": "aʔ semi bumped car" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oiQHzU-4fQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "246", - "endOffset": 19, - "start": "246", - "startOffset": 1, - "text": "aʔ semi bumped car" - } - }, - { - "from_name": "actions", - "id": "Cqnn3TFbLC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "248", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "247", - "startOffset": 0, - "text": " and then went and\n went on two wheels" - } - }, - { - "from_name": "taxonomySustain", - "id": "Cqnn3TFbLC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "248", - "endOffset": 19, - "start": "247", - "startOffset": 0, - "text": " and then went and\n went on two wheels" - } - }, - { - "from_name": "actions", - "id": "Vxl8mK3Fsc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "250", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "249", - "startOffset": 1, - "text": "and\n just about lost it" - } - }, - { - "from_name": "taxonomySustain", - "id": "Vxl8mK3Fsc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "250", - "endOffset": 19, - "start": "249", - "startOffset": 1, - "text": "and\n just about lost it" - } - }, - { - "from_name": "actions", - "id": "YbgAbmVdUp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "251", - "endOffset": 50, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "251", - "startOffset": 0, - "text": " and then got back up on all all its wheels again." - } - }, - { - "from_name": "taxonomySustain", - "id": "YbgAbmVdUp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "251", - "endOffset": 50, - "start": "251", - "startOffset": 0, - "text": " and then got back up on all all its wheels again." - } - }, - { - "from_name": "actions", - "id": "UupxIQhR3A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "253", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "252", - "startOffset": 0, - "text": " Oh.\n Did it land in the ditch ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "UupxIQhR3A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "253", - "endOffset": 27, - "start": "252", - "startOffset": 0, - "text": " Oh.\n Did it land in the ditch ?" - } - }, - { - "from_name": "actions", - "id": "svPV8t2IfU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "254", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "254", - "startOffset": 1, - "text": "But it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "svPV8t2IfU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "254", - "endOffset": 8, - "start": "254", - "startOffset": 1, - "text": "But it." - } - }, - { - "from_name": "actions", - "id": "uf8njbmmNS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "255", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "255", - "startOffset": 0, - "text": " Kind of" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uf8njbmmNS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "255", - "endOffset": 8, - "start": "255", - "startOffset": 0, - "text": " Kind of" - } - }, - { - "from_name": "actions", - "id": "-EcpuKcPa-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "256", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "256", - "startOffset": 0, - "text": " it was able to get out" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "-EcpuKcPa-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "256", - "endOffset": 23, - "start": "256", - "startOffset": 0, - "text": " it was able to get out" - } - }, - { - "from_name": "actions", - "id": "9zSZ4FlLvk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "257", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "257", - "startOffset": 1, - "text": "but all the other cars that were in the direct vicinity" - } - }, - { - "from_name": "taxonomySustain", - "id": "9zSZ4FlLvk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "257", - "endOffset": 56, - "start": "257", - "startOffset": 1, - "text": "but all the other cars that were in the direct vicinity" - } - }, - { - "from_name": "actions", - "id": "a934TKT3Eh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "258", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "258", - "startOffset": 0, - "text": " all hit the ditch." - } - }, - { - "from_name": "taxonomySustain", - "id": "a934TKT3Eh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "258", - "endOffset": 19, - "start": "258", - "startOffset": 0, - "text": " all hit the ditch." - } - }, - { - "from_name": "actions", - "id": "qIFKvm9IdT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "260", - "endOffset": 35, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "259", - "startOffset": 1, - "text": "And then\n there was three cars and the semi." - } - }, - { - "from_name": "taxonomySustain", - "id": "qIFKvm9IdT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "260", - "endOffset": 35, - "start": "259", - "startOffset": 1, - "text": "And then\n there was three cars and the semi." - } - }, - { - "from_name": "actions", - "id": "ZOXf8ex0Jk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "263", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "261", - "startOffset": 1, - "text": "And then\n this uh\n this guy pulled up and." - } - }, - { - "from_name": "taxonomySustain", - "id": "ZOXf8ex0Jk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "263", - "endOffset": 24, - "start": "261", - "startOffset": 1, - "text": "And then\n this uh\n this guy pulled up and." - } - }, - { - "from_name": "actions", - "id": "koP2WFX3_t", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "266", - "endOffset": 7, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "265", - "startOffset": 0, - "text": " he was going to uh\n Peggy." - } - }, - { - "from_name": "taxonomySustain", - "id": "koP2WFX3_t", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "266", - "endOffset": 7, - "start": "265", - "startOffset": 0, - "text": " he was going to uh\n Peggy." - } - }, - { - "from_name": "actions", - "id": "rmPgsYsDWE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "268", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "268", - "startOffset": 1, - "text": "you remember Peggy White ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "rmPgsYsDWE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "268", - "endOffset": 27, - "start": "268", - "startOffset": 1, - "text": "you remember Peggy White ?" - } - }, - { - "from_name": "actions", - "id": "kKuhtUt4rN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "269", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "269", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "kKuhtUt4rN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "269", - "endOffset": 6, - "start": "269", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "TNDbjJADzA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "271", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "270", - "startOffset": 1, - "text": "Her husband\n Gary Bighare ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "TNDbjJADzA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "271", - "endOffset": 15, - "start": "270", - "startOffset": 1, - "text": "Her husband\n Gary Bighare ?" - } - }, - { - "from_name": "actions", - "id": "tpfbxikyCM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "272", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "272", - "startOffset": 0, - "text": " Mhm ?" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tpfbxikyCM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "272", - "endOffset": 6, - "start": "272", - "startOffset": 0, - "text": " Mhm ?" - } - }, - { - "from_name": "actions", - "id": "_I7Ayg01eh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "274", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "273", - "startOffset": 1, - "text": "Him and her pulled up\n and they were in the van " - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_I7Ayg01eh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "274", - "endOffset": 26, - "start": "273", - "startOffset": 1, - "text": "Him and her pulled up\n and they were in the van " - } - }, - { - "from_name": "actions", - "id": "sVL8A3p84v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "275", - "endOffset": 43, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "275", - "startOffset": 0, - "text": " And they stopped to ask Ron what happened " - } - }, - { - "from_name": "taxonomySustain", - "id": "sVL8A3p84v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "275", - "endOffset": 43, - "start": "275", - "startOffset": 0, - "text": " And they stopped to ask Ron what happened " - } - }, - { - "from_name": "actions", - "id": "mPbOB5tmJp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "276", - "endOffset": 45, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "276", - "startOffset": 0, - "text": "And here another car came and rearended them." - } - }, - { - "from_name": "taxonomySustain", - "id": "mPbOB5tmJp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "276", - "endOffset": 45, - "start": "276", - "startOffset": 0, - "text": "And here another car came and rearended them." - } - }, - { - "from_name": "actions", - "id": "oavCUhly56", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "277", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "277", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oavCUhly56", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "277", - "endOffset": 4, - "start": "277", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "actions", - "id": "dqF8KLBsWH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "278", - "endOffset": 75, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "278", - "startOffset": 1, - "text": "And they ended up having to take um Peggy White by helicopter to Billings." - } - }, - { - "from_name": "taxonomySustain", - "id": "dqF8KLBsWH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "278", - "endOffset": 75, - "start": "278", - "startOffset": 1, - "text": "And they ended up having to take um Peggy White by helicopter to Billings." - } - }, - { - "from_name": "actions", - "id": "-ub0iksnxp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "279", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "279", - "startOffset": 1, - "text": "Man that's pretty bad." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "-ub0iksnxp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "279", - "endOffset": 23, - "start": "279", - "startOffset": 1, - "text": "Man that's pretty bad." - } - }, - { - "from_name": "actions", - "id": "0ktSngtzH0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "280", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "280", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0ktSngtzH0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "280", - "endOffset": 8, - "start": "280", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "XGNkFgxoqJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "283", - "endOffset": 18, - "paragraphlabels": [ - "Open" - ], - "start": "281", - "startOffset": 0, - "text": " Darn\n this darn dog keeps breathing\n and like dreaming" - } - }, - { - "from_name": "taxonomyOpen", - "id": "XGNkFgxoqJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "283", - "endOffset": 18, - "start": "281", - "startOffset": 0, - "text": " Darn\n this darn dog keeps breathing\n and like dreaming" - } - }, - { - "from_name": "actions", - "id": "4473GQrP0b", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "284", - "endOffset": 45, - "paragraphlabels": [ - "Open" - ], - "start": "284", - "startOffset": 0, - "text": " you know I wonder if we should wake her up ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "4473GQrP0b", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "284", - "endOffset": 45, - "start": "284", - "startOffset": 0, - "text": " you know I wonder if we should wake her up ?" - } - }, - { - "from_name": "actions", - "id": "2EO9H0qsml", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "285", - "endOffset": 3, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "285", - "startOffset": 0, - "text": " No" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "2EO9H0qsml", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "285", - "endOffset": 3, - "start": "285", - "startOffset": 0, - "text": " No" - } - }, - { - "from_name": "actions", - "id": "uC9VfWXIVi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "286", - "endOffset": 42, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "286", - "startOffset": 1, - "text": "she'll get scared and want to go outside." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uC9VfWXIVi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "286", - "endOffset": 42, - "start": "286", - "startOffset": 1, - "text": "she'll get scared and want to go outside." - } - }, - { - "from_name": "actions", - "id": "ibcDVGfqOC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "288", - "endOffset": 10, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "287", - "startOffset": 1, - "text": "Kinda nervous\n you know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ibcDVGfqOC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "288", - "endOffset": 10, - "start": "287", - "startOffset": 1, - "text": "Kinda nervous\n you know." - } - }, - { - "from_name": "actions", - "id": "tExw-ngtjS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "290", - "endOffset": 39, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "289", - "startOffset": 1, - "text": "They say you can really mess up dog\n by wakingthemup when they're dreaming." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tExw-ngtjS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "290", - "endOffset": 39, - "start": "289", - "startOffset": 1, - "text": "They say you can really mess up dog\n by wakingthemup when they're dreaming." - } - }, - { - "from_name": "actions", - "id": "dHpZYd_ipQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "291", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "291", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "dHpZYd_ipQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "291", - "endOffset": 9, - "start": "291", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "5UyEyuZOsm", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "292", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "292", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "5UyEyuZOsm", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "292", - "endOffset": 5, - "start": "292", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "EV2fjcVYqZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "294", - "endOffset": 52, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "293", - "startOffset": 1, - "text": "It's so cold outside\n but yet sometimes she insists on staying out there." - } - }, - { - "from_name": "taxonomyOpen", - "id": "EV2fjcVYqZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "294", - "endOffset": 52, - "start": "293", - "startOffset": 1, - "text": "It's so cold outside\n but yet sometimes she insists on staying out there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "EV2fjcVYqZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "294", - "endOffset": 52, - "start": "293", - "startOffset": 1, - "text": "It's so cold outside\n but yet sometimes she insists on staying out there." - } - }, - { - "from_name": "actions", - "id": "FoO0FaNxW8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "295", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "295", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FoO0FaNxW8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "295", - "endOffset": 8, - "start": "295", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "RJRT4GNSjY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "296", - "endOffset": 40, - "paragraphlabels": [ - "Open" - ], - "start": "296", - "startOffset": 0, - "text": " You know what I was thinking of doing ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "RJRT4GNSjY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Opinion" - ], - "end": "296", - "endOffset": 40, - "start": "296", - "startOffset": 0, - "text": " You know what I was thinking of doing ?" - } - }, - { - "from_name": "actions", - "id": "bFx0DCJsEn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "297", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "297", - "startOffset": 0, - "text": " Hunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "bFx0DCJsEn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "297", - "endOffset": 6, - "start": "297", - "startOffset": 0, - "text": " Hunh." - } - }, - { - "from_name": "actions", - "id": "rWBLn2tx7H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "300", - "endOffset": 21, - "paragraphlabels": [ - "Open" - ], - "start": "298", - "startOffset": 1, - "text": "I don't know\n she's kind of shy\n but I was wondering." - } - }, - { - "from_name": "taxonomyOpen", - "id": "rWBLn2tx7H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "300", - "endOffset": 21, - "start": "298", - "startOffset": 1, - "text": "I don't know\n she's kind of shy\n but I was wondering." - } - }, - { - "from_name": "actions", - "id": "7iMc-S_rno", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "302", - "endOffset": 36, - "paragraphlabels": [ - "Open" - ], - "start": "302", - "startOffset": 0, - "text": " what it would be like to train her." - } - }, - { - "from_name": "taxonomyOpen", - "id": "7iMc-S_rno", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "302", - "endOffset": 36, - "start": "302", - "startOffset": 0, - "text": " what it would be like to train her." - } - }, - { - "from_name": "actions", - "id": "AkvnhkmiU3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "304", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "304", - "startOffset": 1, - "text": "to pull sled." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "AkvnhkmiU3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "304", - "endOffset": 14, - "start": "304", - "startOffset": 1, - "text": "to pull sled." - } - }, - { - "from_name": "taxonomySustain", - "id": "AkvnhkmiU3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "304", - "endOffset": 14, - "start": "304", - "startOffset": 1, - "text": "to pull sled." - } - }, - { - "from_name": "actions", - "id": "LeKlNjASNc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "305", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "305", - "startOffset": 1, - "text": "I don't know if she'd do it." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "LeKlNjASNc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "305", - "endOffset": 29, - "start": "305", - "startOffset": 1, - "text": "I don't know if she'd do it." - } - }, - { - "from_name": "actions", - "id": "mIm8i3kQOR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "306", - "endOffset": 34, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "306", - "startOffset": 1, - "text": "I don't know if she would either." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "mIm8i3kQOR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "306", - "endOffset": 34, - "start": "306", - "startOffset": 1, - "text": "I don't know if she would either." - } - }, - { - "from_name": "actions", - "id": "d_PTh0LUI3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "307", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "307", - "startOffset": 0, - "text": " She's kind of timid." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "d_PTh0LUI3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "307", - "endOffset": 21, - "start": "307", - "startOffset": 0, - "text": " She's kind of timid." - } - }, - { - "from_name": "taxonomySustain", - "id": "d_PTh0LUI3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "307", - "endOffset": 21, - "start": "307", - "startOffset": 0, - "text": " She's kind of timid." - } - }, - { - "from_name": "actions", - "id": "WAQPyPHFIT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "309", - "endOffset": 42, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "308", - "startOffset": 0, - "text": " Mhm.\n She doesn't trust too many people at all." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WAQPyPHFIT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "309", - "endOffset": 42, - "start": "308", - "startOffset": 0, - "text": " Mhm.\n She doesn't trust too many people at all." - } - }, - { - "from_name": "actions", - "id": "rJQK-Z-_oi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "310", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "310", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rJQK-Z-_oi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "310", - "endOffset": 6, - "start": "310", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "wMkuWBhu40", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "311", - "endOffset": 73, - "paragraphlabels": [ - "Open" - ], - "start": "311", - "startOffset": 1, - "text": "Oh and you know another thing that Tim had the audacity to bitch about ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "wMkuWBhu40", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "311", - "endOffset": 73, - "start": "311", - "startOffset": 1, - "text": "Oh and you know another thing that Tim had the audacity to bitch about ?" - } - }, - { - "from_name": "actions", - "id": "xO0hFsEapz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "312", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "312", - "startOffset": 0, - "text": " What." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "xO0hFsEapz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "312", - "endOffset": 6, - "start": "312", - "startOffset": 0, - "text": " What." - } - }, - { - "from_name": "actions", - "id": "234K8ExAb4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "313", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "313", - "startOffset": 1, - "text": "He said um" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "234K8ExAb4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "313", - "endOffset": 11, - "start": "313", - "startOffset": 1, - "text": "He said um" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "234K8ExAb4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "313", - "endOffset": 11, - "start": "313", - "startOffset": 1, - "text": "He said um" - } - }, - { - "from_name": "actions", - "id": "SQrI_-CPC_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "314", - "endOffset": 59, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "314", - "startOffset": 1, - "text": "Mandy had to stay up all by herself and decorate the tree." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "SQrI_-CPC_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "314", - "endOffset": 59, - "start": "314", - "startOffset": 1, - "text": "Mandy had to stay up all by herself and decorate the tree." - } - }, - { - "from_name": "actions", - "id": "U4zks1C4i-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "315", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "315", - "startOffset": 0, - "text": " until four in the morning." - } - }, - { - "from_name": "taxonomySustain", - "id": "U4zks1C4i-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "315", - "endOffset": 27, - "start": "315", - "startOffset": 0, - "text": " until four in the morning." - } - }, - { - "from_name": "actions", - "id": "nKqm5tJ3A_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "316", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "316", - "startOffset": 1, - "text": "And I even asked if we could put our ornaments on there" - } - }, - { - "from_name": "taxonomySustain", - "id": "nKqm5tJ3A_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "316", - "endOffset": 56, - "start": "316", - "startOffset": 1, - "text": "And I even asked if we could put our ornaments on there" - } - }, - { - "from_name": "actions", - "id": "6uVcKeVnUw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "317", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "317", - "startOffset": 0, - "text": " and they told me that there wouldn't be enough room." - } - }, - { - "from_name": "taxonomySustain", - "id": "6uVcKeVnUw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "317", - "endOffset": 53, - "start": "317", - "startOffset": 0, - "text": " and they told me that there wouldn't be enough room." - } - }, - { - "from_name": "actions", - "id": "nxS3fHqywF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "318", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "318", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "nxS3fHqywF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "318", - "endOffset": 9, - "start": "318", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "OqnnMubhgh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "320", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "319", - "startOffset": 0, - "text": " Mhm\n Tim said that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "OqnnMubhgh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "320", - "endOffset": 15, - "start": "319", - "startOffset": 0, - "text": " Mhm\n Tim said that." - } - }, - { - "from_name": "actions", - "id": "dLLv3WoJTF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "321", - "endOffset": 46, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "321", - "startOffset": 1, - "text": "She was probably lonely when she was doing it" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "dLLv3WoJTF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "321", - "endOffset": 46, - "start": "321", - "startOffset": 1, - "text": "She was probably lonely when she was doing it" - } - }, - { - "from_name": "actions", - "id": "PI1zF6I0E3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "322", - "endOffset": 16, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "322", - "startOffset": 0, - "text": " you know that ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "PI1zF6I0E3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "322", - "endOffset": 16, - "start": "322", - "startOffset": 0, - "text": " you know that ?" - } - }, - { - "from_name": "actions", - "id": "nI9GoEvPEC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "323", - "endOffset": 18, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "323", - "startOffset": 0, - "text": " She probably was." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "nI9GoEvPEC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "323", - "endOffset": 18, - "start": "323", - "startOffset": 0, - "text": " She probably was." - } - }, - { - "from_name": "actions", - "id": "7J3FXaNd4N", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "327", - "endOffset": 33, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "325", - "startOffset": 0, - "text": " I sat up with her\n and I was talking to her\n she was doing all the decorating" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7J3FXaNd4N", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "327", - "endOffset": 33, - "start": "325", - "startOffset": 0, - "text": " I sat up with her\n and I was talking to her\n she was doing all the decorating" - } - }, - { - "from_name": "actions", - "id": "QOFjrQQG_1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "329", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "328", - "startOffset": 0, - "text": " I mean\n what was I gonna do." - } - }, - { - "from_name": "actions", - "id": "HLvANocKGX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "333", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "330", - "startOffset": 1, - "text": "I mean\n she was just putting up the balls and everything and\n she'd say where\n where do you think this should go and" - } - }, - { - "from_name": "taxonomySustain", - "id": "HLvANocKGX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "333", - "endOffset": 38, - "start": "330", - "startOffset": 1, - "text": "I mean\n she was just putting up the balls and everything and\n she'd say where\n where do you think this should go and" - } - }, - { - "from_name": "actions", - "id": "gSOZAKpvLD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "334", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "334", - "startOffset": 0, - "text": " so I was sitting there doing my Welfare application." - } - }, - { - "from_name": "taxonomySustain", - "id": "gSOZAKpvLD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "334", - "endOffset": 53, - "start": "334", - "startOffset": 0, - "text": " so I was sitting there doing my Welfare application." - } - }, - { - "from_name": "actions", - "id": "Nl9_n6XrKj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "337", - "endOffset": 50, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "335", - "startOffset": 0, - "text": " And uh\n you know I was just sitting there watching her\n telling her where to put everything and what not." - } - }, - { - "from_name": "taxonomySustain", - "id": "Nl9_n6XrKj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "337", - "endOffset": 50, - "start": "335", - "startOffset": 0, - "text": " And uh\n you know I was just sitting there watching her\n telling her where to put everything and what not." - } - }, - { - "from_name": "actions", - "id": "R6dWVM7rvZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "338", - "endOffset": 42, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "338", - "startOffset": 1, - "text": "Did you know Nickie wanted her own tree ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "R6dWVM7rvZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "338", - "endOffset": 42, - "start": "338", - "startOffset": 1, - "text": "Did you know Nickie wanted her own tree ?" - } - }, - { - "from_name": "actions", - "id": "CjZeK99UnO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "339", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "339", - "startOffset": 0, - "text": " Yes ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "CjZeK99UnO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "339", - "endOffset": 6, - "start": "339", - "startOffset": 0, - "text": " Yes ?" - } - }, - { - "from_name": "actions", - "id": "AYqXhzzkJV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "340", - "endOffset": 28, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "340", - "startOffset": 1, - "text": "And I forgot to bring it in" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "AYqXhzzkJV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "340", - "endOffset": 28, - "start": "340", - "startOffset": 1, - "text": "And I forgot to bring it in" - } - }, - { - "from_name": "actions", - "id": "fONDSWP5EH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "341", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "341", - "startOffset": 0, - "text": " it's outside ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "fONDSWP5EH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "341", - "endOffset": 15, - "start": "341", - "startOffset": 0, - "text": " it's outside ?" - } - }, - { - "from_name": "actions", - "id": "wN5pCidjzp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "342", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "342", - "startOffset": 1, - "text": "What are you gonna do with it." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "wN5pCidjzp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "342", - "endOffset": 31, - "start": "342", - "startOffset": 1, - "text": "What are you gonna do with it." - } - }, - { - "from_name": "actions", - "id": "2WmmDRN1JI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "343", - "endOffset": 40, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "343", - "startOffset": 0, - "text": " She wants to set it up for her Barbies." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "2WmmDRN1JI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "343", - "endOffset": 40, - "start": "343", - "startOffset": 0, - "text": " She wants to set it up for her Barbies." - } - }, - { - "from_name": "actions", - "id": "uXB6d2IKE8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "344", - "endOffset": 59, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "344", - "startOffset": 0, - "text": " I was just gonna use tin can and put rocks in the bottom ?" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uXB6d2IKE8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "344", - "endOffset": 59, - "start": "344", - "startOffset": 0, - "text": " I was just gonna use tin can and put rocks in the bottom ?" - } - }, - { - "from_name": "actions", - "id": "UdJZH-8Whg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "345", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "345", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "UdJZH-8Whg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "345", - "endOffset": 5, - "start": "345", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "3EGV7saWCu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "346", - "endOffset": 28, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "346", - "startOffset": 1, - "text": "And just stick it in there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "3EGV7saWCu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "346", - "endOffset": 28, - "start": "346", - "startOffset": 1, - "text": "And just stick it in there." - } - }, - { - "from_name": "actions", - "id": "TO8wvhd05H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "347", - "endOffset": 26, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "347", - "startOffset": 0, - "text": " And you know what I did ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "TO8wvhd05H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "347", - "endOffset": 26, - "start": "347", - "startOffset": 0, - "text": " And you know what I did ?" - } - }, - { - "from_name": "actions", - "id": "jOZrS3ER2Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "348", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "348", - "startOffset": 1, - "text": "Hm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jOZrS3ER2Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "348", - "endOffset": 4, - "start": "348", - "startOffset": 1, - "text": "Hm." - } - }, - { - "from_name": "actions", - "id": "lnF5T4CVhS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "349", - "endOffset": 36, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "349", - "startOffset": 0, - "text": " I didn't want to waste tree's life." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "lnF5T4CVhS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "349", - "endOffset": 36, - "start": "349", - "startOffset": 0, - "text": " I didn't want to waste tree's life." - } - }, - { - "from_name": "actions", - "id": "BDApBIvT7Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "351", - "endOffset": 30, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "351", - "startOffset": 1, - "text": "so I just cut branch off one." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "BDApBIvT7Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "351", - "endOffset": 30, - "start": "351", - "startOffset": 1, - "text": "so I just cut branch off one." - } - }, - { - "from_name": "actions", - "id": "AyC7E6265v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "353", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "352", - "startOffset": 1, - "text": "God\n I fell up there." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "AyC7E6265v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "353", - "endOffset": 17, - "start": "352", - "startOffset": 1, - "text": "God\n I fell up there." - } - }, - { - "from_name": "actions", - "id": "NRr2T6jlvv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "356", - "endOffset": 11, - "paragraphlabels": [ - "Open" - ], - "start": "355", - "startOffset": 1, - "text": "Where'd you go.\n to get em." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "NRr2T6jlvv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "356", - "endOffset": 11, - "start": "355", - "startOffset": 1, - "text": "Where'd you go.\n to get em." - } - }, - { - "from_name": "taxonomyOpen", - "id": "NRr2T6jlvv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "356", - "endOffset": 11, - "start": "355", - "startOffset": 1, - "text": "Where'd you go.\n to get em." - } - }, - { - "from_name": "actions", - "id": "kUM7idl3ti", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "357", - "endOffset": 39, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "357", - "startOffset": 1, - "text": "You know where Sarah and Arvela live ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "kUM7idl3ti", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "357", - "endOffset": 39, - "start": "357", - "startOffset": 1, - "text": "You know where Sarah and Arvela live ?" - } - }, - { - "from_name": "actions", - "id": "klevp4QPCu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "358", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "358", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "klevp4QPCu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "358", - "endOffset": 5, - "start": "358", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "-To0tt9mmS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "359", - "endOffset": 24, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "359", - "startOffset": 1, - "text": "Just around the corner." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-To0tt9mmS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "359", - "endOffset": 24, - "start": "359", - "startOffset": 1, - "text": "Just around the corner." - } - }, - { - "from_name": "actions", - "id": "p1ou9kOSDB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "360", - "endOffset": 47, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "360", - "startOffset": 0, - "text": " Remember that first cattle guard you go over ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "p1ou9kOSDB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "360", - "endOffset": 47, - "start": "360", - "startOffset": 0, - "text": " Remember that first cattle guard you go over ?" - } - }, - { - "from_name": "actions", - "id": "C9AhMeM-El", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "361", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "361", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "C9AhMeM-El", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "361", - "endOffset": 8, - "start": "361", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "MN8M6WCrYn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "362", - "endOffset": 28, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "362", - "startOffset": 0, - "text": " I didn't even go over that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "MN8M6WCrYn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "362", - "endOffset": 28, - "start": "362", - "startOffset": 0, - "text": " I didn't even go over that." - } - }, - { - "from_name": "actions", - "id": "GpQkJh7GEy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "365", - "endOffset": 16, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "363", - "startOffset": 0, - "text": " You mean\n kinda like by the.\n by the tunnel ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GpQkJh7GEy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "365", - "endOffset": 16, - "start": "363", - "startOffset": 0, - "text": " You mean\n kinda like by the.\n by the tunnel ?" - } - }, - { - "from_name": "actions", - "id": "RfNuZ-zwug", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "366", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "366", - "startOffset": 0, - "text": " Right below the tunnel." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "RfNuZ-zwug", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "366", - "endOffset": 24, - "start": "366", - "startOffset": 0, - "text": " Right below the tunnel." - } - }, - { - "from_name": "actions", - "id": "nSZJu-y1nh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "367", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "367", - "startOffset": 1, - "text": "Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nSZJu-y1nh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "367", - "endOffset": 4, - "start": "367", - "startOffset": 1, - "text": "Oh." - } - }, - { - "from_name": "actions", - "id": "a0hI7HsudK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "368", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "368", - "startOffset": 1, - "text": "And I just walked up." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "a0hI7HsudK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "368", - "endOffset": 22, - "start": "368", - "startOffset": 1, - "text": "And I just walked up." - } - }, - { - "from_name": "actions", - "id": "RRGM2O9PhM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "370", - "endOffset": 10, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "369", - "startOffset": 1, - "text": "We just walked up around uh\n that area" - } - }, - { - "from_name": "taxonomySustain", - "id": "RRGM2O9PhM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "370", - "endOffset": 10, - "start": "369", - "startOffset": 1, - "text": "We just walked up around uh\n that area" - } - }, - { - "from_name": "actions", - "id": "p21MIptjAP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "371", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "371", - "startOffset": 0, - "text": " God Alice that was fun." - } - }, - { - "from_name": "taxonomySustain", - "id": "p21MIptjAP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "371", - "endOffset": 24, - "start": "371", - "startOffset": 0, - "text": " God Alice that was fun." - } - }, - { - "from_name": "actions", - "id": "3ZX-n40-wg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "372", - "endOffset": 31, - "paragraphlabels": [ - "Open" - ], - "start": "372", - "startOffset": 1, - "text": "Did you get grandma tree too ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "3ZX-n40-wg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "372", - "endOffset": 31, - "start": "372", - "startOffset": 1, - "text": "Did you get grandma tree too ?" - } - }, - { - "from_name": "actions", - "id": "3hFs7QsZ41", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "373", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "373", - "startOffset": 0, - "text": " Hunhunh." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "3hFs7QsZ41", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "373", - "endOffset": 9, - "start": "373", - "startOffset": 0, - "text": " Hunhunh." - } - }, - { - "from_name": "actions", - "id": "5X09Z8QnvD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "374", - "endOffset": 28, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "374", - "startOffset": 0, - "text": " Does she already have one ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "5X09Z8QnvD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "374", - "endOffset": 28, - "start": "374", - "startOffset": 0, - "text": " Does she already have one ?" - } - }, - { - "from_name": "actions", - "id": "8Lzl7ZoFV3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "376", - "endOffset": 40, - "paragraphlabels": [ - "Open" - ], - "start": "375", - "startOffset": 0, - "text": " Hmm.\n That pickup could only hold like three." - } - }, - { - "from_name": "taxonomyOpen", - "id": "8Lzl7ZoFV3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "376", - "endOffset": 40, - "start": "375", - "startOffset": 0, - "text": " Hmm.\n That pickup could only hold like three." - } - }, - { - "from_name": "actions", - "id": "KIp7VOwe-f", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "378", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "377", - "startOffset": 1, - "text": "Mm.\n I wonder why." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "KIp7VOwe-f", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "378", - "endOffset": 14, - "start": "377", - "startOffset": 1, - "text": "Mm.\n I wonder why." - } - }, - { - "from_name": "actions", - "id": "yXpj3V4Vjt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "379", - "endOffset": 40, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "379", - "startOffset": 0, - "text": " Did daddy say to take the pickup back ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "yXpj3V4Vjt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "379", - "endOffset": 40, - "start": "379", - "startOffset": 0, - "text": " Did daddy say to take the pickup back ?" - } - }, - { - "from_name": "actions", - "id": "KplDeubWbo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "380", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "380", - "startOffset": 0, - "text": " Or what was the deal." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "KplDeubWbo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "380", - "endOffset": 22, - "start": "380", - "startOffset": 0, - "text": " Or what was the deal." - } - }, - { - "from_name": "actions", - "id": "4tPFhMmIRw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "382", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "381", - "startOffset": 1, - "text": "Yeah.\n Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "4tPFhMmIRw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "382", - "endOffset": 6, - "start": "381", - "startOffset": 1, - "text": "Yeah.\n Yeah." - } - }, - { - "from_name": "actions", - "id": "-ueHYmxlxf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "383", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "383", - "startOffset": 0, - "text": " Why." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-ueHYmxlxf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "383", - "endOffset": 5, - "start": "383", - "startOffset": 0, - "text": " Why." - } - }, - { - "from_name": "actions", - "id": "dzbh8rmZmA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "384", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "384", - "startOffset": 1, - "text": "Cause Phoebe needs it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "dzbh8rmZmA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "384", - "endOffset": 23, - "start": "384", - "startOffset": 1, - "text": "Cause Phoebe needs it." - } - }, - { - "from_name": "actions", - "id": "mL44qTRGwG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "385", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "385", - "startOffset": 1, - "text": "What's wrong with the car." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "mL44qTRGwG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "385", - "endOffset": 27, - "start": "385", - "startOffset": 1, - "text": "What's wrong with the car." - } - }, - { - "from_name": "actions", - "id": "jJj5JHwb0Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "388", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "387", - "startOffset": 1, - "text": "Oh\n you didn't hear about it ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "jJj5JHwb0Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "388", - "endOffset": 27, - "start": "387", - "startOffset": 1, - "text": "Oh\n you didn't hear about it ?" - } - }, - { - "from_name": "actions", - "id": "Dp0XdwfKUo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "389", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "389", - "startOffset": 1, - "text": "Hunhunh." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "Dp0XdwfKUo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "389", - "endOffset": 9, - "start": "389", - "startOffset": 1, - "text": "Hunhunh." - } - }, - { - "from_name": "actions", - "id": "9DncyF7gfp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "392", - "endOffset": 35, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "390", - "startOffset": 0, - "text": " Oh\n you did\n about how the engine was on fire ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "9DncyF7gfp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "392", - "endOffset": 35, - "start": "390", - "startOffset": 0, - "text": " Oh\n you did\n about how the engine was on fire ?" - } - }, - { - "from_name": "actions", - "id": "UGO4j3M9nz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "395", - "endOffset": 34, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "394", - "startOffset": 1, - "text": "See there was oil spilling out\n leaking out from the valve cover." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "UGO4j3M9nz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "395", - "endOffset": 34, - "start": "394", - "startOffset": 1, - "text": "See there was oil spilling out\n leaking out from the valve cover." - } - }, - { - "from_name": "actions", - "id": "9B42CH1hoS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "393", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "393", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "9B42CH1hoS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "393", - "endOffset": 5, - "start": "393", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "woNnsFZc0K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "396", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "396", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "woNnsFZc0K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "396", - "endOffset": 5, - "start": "396", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "xLYWM8wWjl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "399", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "397", - "startOffset": 1, - "text": "The valve cover gasket apparently cracked or whatever\n and there was oil coming out\n and the oil got hot" - } - }, - { - "from_name": "taxonomySustain", - "id": "xLYWM8wWjl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "399", - "endOffset": 20, - "start": "397", - "startOffset": 1, - "text": "The valve cover gasket apparently cracked or whatever\n and there was oil coming out\n and the oil got hot" - } - }, - { - "from_name": "actions", - "id": "hiiv6CMQrO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "400", - "endOffset": 42, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "400", - "startOffset": 1, - "text": "and you know how it gets hot and smokes ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "hiiv6CMQrO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "400", - "endOffset": 42, - "start": "400", - "startOffset": 1, - "text": "and you know how it gets hot and smokes ?" - } - }, - { - "from_name": "actions", - "id": "jX5z3HtxSL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "401", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "401", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "jX5z3HtxSL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "401", - "endOffset": 5, - "start": "401", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "Vdq6UEVglo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "405", - "endOffset": 28, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "402", - "startOffset": 1, - "text": "Well\n I guess enough came out\n because we were losing oil bad\n going from Billings to Crow" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Vdq6UEVglo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "405", - "endOffset": 28, - "start": "402", - "startOffset": 1, - "text": "Well\n I guess enough came out\n because we were losing oil bad\n going from Billings to Crow" - } - }, - { - "from_name": "actions", - "id": "y3E3L63QXr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "407", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "406", - "startOffset": 1, - "text": "um\n there's lot of..." - } - }, - { - "from_name": "taxonomySustain", - "id": "y3E3L63QXr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "407", - "endOffset": 18, - "start": "406", - "startOffset": 1, - "text": "um\n there's lot of..." - } - }, - { - "from_name": "actions", - "id": "yvdCiWrAm-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "409", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "409", - "startOffset": 1, - "text": "smoke coming out" - } - }, - { - "from_name": "taxonomySustain", - "id": "yvdCiWrAm-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "409", - "endOffset": 17, - "start": "409", - "startOffset": 1, - "text": "smoke coming out" - } - }, - { - "from_name": "actions", - "id": "yzN5v2wHWH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "412", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "410", - "startOffset": 1, - "text": "and by the time we got to Hardin\n we had to put like uh\n three or four quarts in." - } - }, - { - "from_name": "taxonomySustain", - "id": "yzN5v2wHWH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "412", - "endOffset": 25, - "start": "410", - "startOffset": 1, - "text": "and by the time we got to Hardin\n we had to put like uh\n three or four quarts in." - } - }, - { - "from_name": "actions", - "id": "yeZ1WhEIV1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "413", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "413", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "yeZ1WhEIV1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "413", - "endOffset": 8, - "start": "413", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "XmqIu9Tzdd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "414", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "414", - "startOffset": 1, - "text": "It was three." - } - }, - { - "from_name": "taxonomySustain", - "id": "XmqIu9Tzdd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "414", - "endOffset": 14, - "start": "414", - "startOffset": 1, - "text": "It was three." - } - }, - { - "from_name": "actions", - "id": "9CeO3xzOrc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "416", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "415", - "startOffset": 1, - "text": "And\n by the time we got to..." - } - }, - { - "from_name": "taxonomySustain", - "id": "9CeO3xzOrc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "416", - "endOffset": 25, - "start": "415", - "startOffset": 1, - "text": "And\n by the time we got to..." - } - }, - { - "from_name": "actions", - "id": "0xR3N9KCtj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "420", - "endOffset": 22, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "418", - "startOffset": 0, - "text": " Crow\n it was\n it was one quart low." - } - }, - { - "from_name": "taxonomySustain", - "id": "0xR3N9KCtj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "420", - "endOffset": 22, - "start": "418", - "startOffset": 0, - "text": " Crow\n it was\n it was one quart low." - } - }, - { - "from_name": "actions", - "id": "np2E66HxzD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "421", - "endOffset": 55, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "421", - "startOffset": 1, - "text": "And there was smoke still coming from under the engine" - } - }, - { - "from_name": "taxonomySustain", - "id": "np2E66HxzD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "421", - "endOffset": 55, - "start": "421", - "startOffset": 1, - "text": "And there was smoke still coming from under the engine" - } - }, - { - "from_name": "actions", - "id": "OKsg03vkpc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "423", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "422", - "startOffset": 0, - "text": " I figure if it was losing that much oil\n then it caught fire." - } - }, - { - "from_name": "taxonomySustain", - "id": "OKsg03vkpc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "423", - "endOffset": 21, - "start": "422", - "startOffset": 0, - "text": " I figure if it was losing that much oil\n then it caught fire." - } - }, - { - "from_name": "actions", - "id": "8qojvVD8xN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "424", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "424", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "8qojvVD8xN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "424", - "endOffset": 5, - "start": "424", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "5SWDrfb-qk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "426", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "425", - "startOffset": 0, - "text": " Cause the engine was hot\n cause there wasn't enough water in the radiator." - } - }, - { - "from_name": "taxonomySustain", - "id": "5SWDrfb-qk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "426", - "endOffset": 49, - "start": "425", - "startOffset": 0, - "text": " Cause the engine was hot\n cause there wasn't enough water in the radiator." - } - }, - { - "from_name": "actions", - "id": "U-5y26dyH0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "427", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "427", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "U-5y26dyH0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "427", - "endOffset": 5, - "start": "427", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "OFDTTnpiYu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "433", - "endOffset": 44, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "428", - "startOffset": 0, - "text": " I talked to Oscar about it\n and he said\n well I checked\n it was only\n it was only about\n I'd say half quart to quart short of water." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "OFDTTnpiYu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "433", - "endOffset": 44, - "start": "428", - "startOffset": 0, - "text": " I talked to Oscar about it\n and he said\n well I checked\n it was only\n it was only about\n I'd say half quart to quart short of water." - } - }, - { - "from_name": "taxonomySustain", - "id": "OFDTTnpiYu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "433", - "endOffset": 44, - "start": "428", - "startOffset": 0, - "text": " I talked to Oscar about it\n and he said\n well I checked\n it was only\n it was only about\n I'd say half quart to quart short of water." - } - }, - { - "from_name": "actions", - "id": "DwMS6urNkY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "434", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "434", - "startOffset": 1, - "text": "But that shouldn't make any difference." - } - }, - { - "from_name": "taxonomySustain", - "id": "DwMS6urNkY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "434", - "endOffset": 40, - "start": "434", - "startOffset": 1, - "text": "But that shouldn't make any difference." - } - }, - { - "from_name": "actions", - "id": "4dNfMo_5HE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "436", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "435", - "startOffset": 1, - "text": "He goes the only thing I can think of\n is that there was an air lock in there." - } - }, - { - "from_name": "taxonomySustain", - "id": "4dNfMo_5HE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "436", - "endOffset": 40, - "start": "435", - "startOffset": 1, - "text": "He goes the only thing I can think of\n is that there was an air lock in there." - } - }, - { - "from_name": "actions", - "id": "8bQwI3UuUf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "438", - "endOffset": 50, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "438", - "startOffset": 1, - "text": "And that running the engine out on the open road " - } - }, - { - "from_name": "taxonomySustain", - "id": "8bQwI3UuUf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "438", - "endOffset": 50, - "start": "438", - "startOffset": 1, - "text": "And that running the engine out on the open road " - } - }, - { - "from_name": "actions", - "id": "PCl3Kl3pF-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "439", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "439", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "PCl3Kl3pF-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "439", - "endOffset": 5, - "start": "439", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "ZFJ_k8aXez", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "441", - "endOffset": 16, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "440", - "startOffset": 1, - "text": "Caused that air lock to come through.\n flushed it out." - } - }, - { - "from_name": "taxonomySustain", - "id": "ZFJ_k8aXez", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "441", - "endOffset": 16, - "start": "440", - "startOffset": 1, - "text": "Caused that air lock to come through.\n flushed it out." - } - }, - { - "from_name": "actions", - "id": "LfMjy6wbfW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "442", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "442", - "startOffset": 1, - "text": "And bust the gasket ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "LfMjy6wbfW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "442", - "endOffset": 22, - "start": "442", - "startOffset": 1, - "text": "And bust the gasket ?" - } - }, - { - "from_name": "actions", - "id": "zWPN0VnQ38", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "444", - "endOffset": 25, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "443", - "startOffset": 0, - "text": " No\n it would more or less um" - } - }, - { - "from_name": "actions", - "id": "VqbKLvS6rv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "445", - "endOffset": 42, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "445", - "startOffset": 0, - "text": " the engine wasn't being kept cool enough." - } - }, - { - "from_name": "taxonomySustain", - "id": "VqbKLvS6rv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "445", - "endOffset": 42, - "start": "445", - "startOffset": 0, - "text": " the engine wasn't being kept cool enough." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "VqbKLvS6rv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "445", - "endOffset": 42, - "start": "445", - "startOffset": 0, - "text": " the engine wasn't being kept cool enough." - } - }, - { - "from_name": "actions", - "id": "TMeaGpR7Dy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "446", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "446", - "startOffset": 0, - "text": " Cause there wasn't enough fluid in the radiator." - } - }, - { - "from_name": "taxonomySustain", - "id": "TMeaGpR7Dy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "446", - "endOffset": 49, - "start": "446", - "startOffset": 0, - "text": " Cause there wasn't enough fluid in the radiator." - } - }, - { - "from_name": "actions", - "id": "ZOkHPhEOpE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "448", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "447", - "startOffset": 0, - "text": "PAUSE\n Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ZOkHPhEOpE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "448", - "endOffset": 8, - "start": "447", - "startOffset": 0, - "text": "PAUSE\n Unhunh." - } - }, - { - "from_name": "actions", - "id": "8PLVQo2fHy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "451", - "endOffset": 48, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "449", - "startOffset": 0, - "text": " And\n you know how the radiator's\n the pipe's close to other parts of the engine ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "8PLVQo2fHy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "451", - "endOffset": 48, - "start": "449", - "startOffset": 0, - "text": " And\n you know how the radiator's\n the pipe's close to other parts of the engine ?" - } - }, - { - "from_name": "actions", - "id": "SHRe7l1nLR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "452", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "452", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "SHRe7l1nLR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "452", - "endOffset": 6, - "start": "452", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "VIhrQKuNaV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "453", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "453", - "startOffset": 1, - "text": "So what..." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "VIhrQKuNaV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "453", - "endOffset": 11, - "start": "453", - "startOffset": 1, - "text": "So what..." - } - }, - { - "from_name": "actions", - "id": "JSBV_WZ9q1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "454", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "454", - "startOffset": 0, - "text": " It was some part in there." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "JSBV_WZ9q1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "454", - "endOffset": 27, - "start": "454", - "startOffset": 0, - "text": " It was some part in there." - } - }, - { - "from_name": "actions", - "id": "tIegOm3bSq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "455", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "455", - "startOffset": 1, - "text": "caused the fire." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "tIegOm3bSq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "455", - "endOffset": 17, - "start": "455", - "startOffset": 1, - "text": "caused the fire." - } - }, - { - "from_name": "actions", - "id": "CiHdCuf1HL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "457", - "endOffset": 21, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "456", - "startOffset": 1, - "text": "The engine being too hot\n and the oil leaking." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "CiHdCuf1HL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "457", - "endOffset": 21, - "start": "456", - "startOffset": 1, - "text": "The engine being too hot\n and the oil leaking." - } - }, - { - "from_name": "actions", - "id": "d5yH5jfC3q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "458", - "endOffset": 38, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "458", - "startOffset": 1, - "text": "So he knew that the oil was leaking ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "d5yH5jfC3q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "458", - "endOffset": 38, - "start": "458", - "startOffset": 1, - "text": "So he knew that the oil was leaking ?" - } - }, - { - "from_name": "actions", - "id": "1F0P1ytOqW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "459", - "endOffset": 3, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "459", - "startOffset": 1, - "text": "No" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "1F0P1ytOqW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Decline" - ], - "end": "459", - "endOffset": 3, - "start": "459", - "startOffset": 1, - "text": "No" - } - }, - { - "from_name": "actions", - "id": "F7H55AGiA_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "461", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "460", - "startOffset": 0, - "text": " we knew we were losing oil\n but we didn't know where." - } - }, - { - "from_name": "taxonomySustain", - "id": "F7H55AGiA_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "461", - "endOffset": 26, - "start": "460", - "startOffset": 0, - "text": " we knew we were losing oil\n but we didn't know where." - } - }, - { - "from_name": "actions", - "id": "QVLoLqOYlC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "462", - "endOffset": 52, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "462", - "startOffset": 1, - "text": "I just figured it was from that valve cover gasket." - } - }, - { - "from_name": "taxonomySustain", - "id": "QVLoLqOYlC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "462", - "endOffset": 52, - "start": "462", - "startOffset": 1, - "text": "I just figured it was from that valve cover gasket." - } - }, - { - "from_name": "actions", - "id": "GJ3TlOleKt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "463", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "463", - "startOffset": 1, - "text": "Just from lifting up the hood and looking at it." - } - }, - { - "from_name": "taxonomySustain", - "id": "GJ3TlOleKt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "463", - "endOffset": 49, - "start": "463", - "startOffset": 1, - "text": "Just from lifting up the hood and looking at it." - } - }, - { - "from_name": "actions", - "id": "sJG1S6Lc1v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "464", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "464", - "startOffset": 1, - "text": "So what's he gonna do." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "sJG1S6Lc1v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "464", - "endOffset": 23, - "start": "464", - "startOffset": 1, - "text": "So what's he gonna do." - } - }, - { - "from_name": "actions", - "id": "xlPUijB6dq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "466", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "465", - "startOffset": 1, - "text": "Well\n ʔand two of his wires" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "xlPUijB6dq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "466", - "endOffset": 22, - "start": "465", - "startOffset": 1, - "text": "Well\n ʔand two of his wires" - } - }, - { - "from_name": "actions", - "id": "BWKQoiyOmW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "467", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "467", - "startOffset": 0, - "text": " the sparkplug wires ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "BWKQoiyOmW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "467", - "endOffset": 22, - "start": "467", - "startOffset": 0, - "text": " the sparkplug wires ?" - } - }, - { - "from_name": "actions", - "id": "V8K8ftjH3w", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "468", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "468", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "V8K8ftjH3w", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "468", - "endOffset": 8, - "start": "468", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "NsGnuB-B0D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "469", - "endOffset": 32, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "469", - "startOffset": 0, - "text": " were fried all the way through." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "NsGnuB-B0D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "469", - "endOffset": 32, - "start": "469", - "startOffset": 0, - "text": " were fried all the way through." - } - }, - { - "from_name": "actions", - "id": "4dP-O-yXK6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "470", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "470", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "4dP-O-yXK6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "470", - "endOffset": 8, - "start": "470", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "93fFLFofJa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "472", - "endOffset": 52, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "471", - "startOffset": 1, - "text": "So we took those off and we\n replaced them with some old ones out of the garage." - } - }, - { - "from_name": "taxonomySustain", - "id": "93fFLFofJa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "472", - "endOffset": 52, - "start": "471", - "startOffset": 1, - "text": "So we took those off and we\n replaced them with some old ones out of the garage." - } - }, - { - "from_name": "actions", - "id": "ICoGuUAKsU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "473", - "endOffset": 13, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "473", - "startOffset": 0, - "text": " I knew that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ICoGuUAKsU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "473", - "endOffset": 13, - "start": "473", - "startOffset": 0, - "text": " I knew that." - } - }, - { - "from_name": "actions", - "id": "7ab3wC-rk8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "475", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "474", - "startOffset": 1, - "text": "And it runs.\n It runs." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7ab3wC-rk8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "475", - "endOffset": 9, - "start": "474", - "startOffset": 1, - "text": "And it runs.\n It runs." - } - }, - { - "from_name": "actions", - "id": "uGS2HjB5JE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "477", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "476", - "startOffset": 0, - "text": " There's enough uh\n radiator fluid in there." - } - }, - { - "from_name": "taxonomySustain", - "id": "uGS2HjB5JE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "477", - "endOffset": 25, - "start": "476", - "startOffset": 0, - "text": " There's enough uh\n radiator fluid in there." - } - }, - { - "from_name": "actions", - "id": "t1RWjHWDBY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "478", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "478", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "t1RWjHWDBY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "478", - "endOffset": 5, - "start": "478", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "eD_pVPv5vV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "480", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "479", - "startOffset": 0, - "text": " so that it will\n It's it's enough." - } - }, - { - "from_name": "taxonomySustain", - "id": "eD_pVPv5vV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "480", - "endOffset": 18, - "start": "479", - "startOffset": 0, - "text": " so that it will\n It's it's enough." - } - }, - { - "from_name": "actions", - "id": "ESqhcd-kXA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "481", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "481", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ESqhcd-kXA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "481", - "endOffset": 5, - "start": "481", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "-P_evDKLgG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "483", - "endOffset": 46, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "482", - "startOffset": 1, - "text": "But I think running it out on the open road\n will cause it possibly to shoot more oil out." - } - }, - { - "from_name": "taxonomySustain", - "id": "-P_evDKLgG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "483", - "endOffset": 46, - "start": "482", - "startOffset": 1, - "text": "But I think running it out on the open road\n will cause it possibly to shoot more oil out." - } - }, - { - "from_name": "actions", - "id": "jQOXeaQU7E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "484", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "484", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jQOXeaQU7E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "484", - "endOffset": 5, - "start": "484", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "DzRhW7bxxE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "485", - "endOffset": 44, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "485", - "startOffset": 1, - "text": "That valve cover gasket has to be replaced." - } - }, - { - "from_name": "taxonomySustain", - "id": "DzRhW7bxxE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "485", - "endOffset": 44, - "start": "485", - "startOffset": 1, - "text": "That valve cover gasket has to be replaced." - } - }, - { - "from_name": "actions", - "id": "HcI-ELUt6d", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "487", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "486", - "startOffset": 1, - "text": "Hm.\nPAUSE" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "HcI-ELUt6d", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Detach" - ], - "end": "487", - "endOffset": 5, - "start": "486", - "startOffset": 1, - "text": "Hm.\nPAUSE" - } - }, - { - "from_name": "actions", - "id": "yRPrH2X261", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "488", - "endOffset": 14, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "488", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "actions", - "id": "8WXuwyAFy8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "491", - "endOffset": 18, - "paragraphlabels": [ - "Open" - ], - "start": "489", - "startOffset": 1, - "text": "Oh I freaked Cookie and\n Rita and\n Gary out tonight." - } - }, - { - "from_name": "taxonomyOpen", - "id": "8WXuwyAFy8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "491", - "endOffset": 18, - "start": "489", - "startOffset": 1, - "text": "Oh I freaked Cookie and\n Rita and\n Gary out tonight." - } - }, - { - "from_name": "actions", - "id": "JN45S4jt2L", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "492", - "endOffset": 39, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "492", - "startOffset": 1, - "text": "Remember the Plainfeather uh Claypit ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "JN45S4jt2L", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "492", - "endOffset": 39, - "start": "492", - "startOffset": 1, - "text": "Remember the Plainfeather uh Claypit ?" - } - }, - { - "from_name": "actions", - "id": "8vQa3nt1FZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "493", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "493", - "startOffset": 0, - "text": " where that red clay is ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "8vQa3nt1FZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "493", - "endOffset": 25, - "start": "493", - "startOffset": 0, - "text": " where that red clay is ?" - } - }, - { - "from_name": "actions", - "id": "Dlrh9f_f3I", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "494", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "494", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "Dlrh9f_f3I", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "494", - "endOffset": 5, - "start": "494", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "lDJA7n9Jmd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "495", - "endOffset": 13, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "495", - "startOffset": 0, - "text": " Right there." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "lDJA7n9Jmd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "495", - "endOffset": 13, - "start": "495", - "startOffset": 0, - "text": " Right there." - } - }, - { - "from_name": "actions", - "id": "Ghfipu1l4Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "496", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "496", - "startOffset": 1, - "text": "I saw my my speedometer just go Brr." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ghfipu1l4Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "496", - "endOffset": 37, - "start": "496", - "startOffset": 1, - "text": "I saw my my speedometer just go Brr." - } - }, - { - "from_name": "actions", - "id": "L-pGgF2dFl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "497", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "497", - "startOffset": 0, - "text": " like that just down." - } - }, - { - "from_name": "taxonomySustain", - "id": "L-pGgF2dFl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "497", - "endOffset": 21, - "start": "497", - "startOffset": 0, - "text": " like that just down." - } - }, - { - "from_name": "actions", - "id": "gvEAGHrnuF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "499", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "498", - "startOffset": 1, - "text": "You know\n and I knew exactly what it was." - } - }, - { - "from_name": "taxonomySustain", - "id": "gvEAGHrnuF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "499", - "endOffset": 32, - "start": "498", - "startOffset": 1, - "text": "You know\n and I knew exactly what it was." - } - }, - { - "from_name": "actions", - "id": "np0MXTI7QT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "502", - "endOffset": 42, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "500", - "startOffset": 1, - "text": "What I have to do\n is take off the distributor wire\n and splice it in with the fuel pump wire." - } - }, - { - "from_name": "taxonomySustain", - "id": "np0MXTI7QT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "502", - "endOffset": 42, - "start": "500", - "startOffset": 1, - "text": "What I have to do\n is take off the distributor wire\n and splice it in with the fuel pump wire." - } - }, - { - "from_name": "actions", - "id": "q3iJtGc-GB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "503", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "503", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "q3iJtGc-GB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "503", - "endOffset": 5, - "start": "503", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "_PXK7nJgco", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "504", - "endOffset": 37, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "504", - "startOffset": 0, - "text": " Because my fuel pump is now electric" - } - }, - { - "from_name": "taxonomySustain", - "id": "_PXK7nJgco", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "504", - "endOffset": 37, - "start": "504", - "startOffset": 0, - "text": " Because my fuel pump is now electric" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "_PXK7nJgco", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "504", - "endOffset": 37, - "start": "504", - "startOffset": 0, - "text": " Because my fuel pump is now electric" - } - }, - { - "from_name": "actions", - "id": "zs9H5GfQyf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "505", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "505", - "startOffset": 0, - "text": " Never used to be." - } - }, - { - "from_name": "taxonomySustain", - "id": "zs9H5GfQyf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "505", - "endOffset": 18, - "start": "505", - "startOffset": 0, - "text": " Never used to be." - } - }, - { - "from_name": "actions", - "id": "qPzm2kc7yq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "506", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "506", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "qPzm2kc7yq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "506", - "endOffset": 5, - "start": "506", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "srHC7_avx7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "507", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "507", - "startOffset": 1, - "text": "Hand me that ashtray." - } - }, - { - "from_name": "actions", - "id": "HJL-zxL9h9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "507", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "507", - "startOffset": 1, - "text": "Hand me that ashtray." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "HJL-zxL9h9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "507", - "endOffset": 22, - "start": "507", - "startOffset": 1, - "text": "Hand me that ashtray." - } - }, - { - "from_name": "actions", - "id": "VfW7-QQW2u", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "508", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "508", - "startOffset": 1, - "text": "Or your light" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "VfW7-QQW2u", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "508", - "endOffset": 14, - "start": "508", - "startOffset": 1, - "text": "Or your light" - } - }, - { - "from_name": "actions", - "id": "wD1zZD7Ozr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "510", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "509", - "startOffset": 1, - "text": "I mean.\n Your light." - } - }, - { - "from_name": "taxonomySustain", - "id": "wD1zZD7Ozr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "510", - "endOffset": 12, - "start": "509", - "startOffset": 1, - "text": "I mean.\n Your light." - } - }, - { - "from_name": "actions", - "id": "354nI7ncxD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "511", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "511", - "startOffset": 1, - "text": "It's behind the sewing machine." - } - }, - { - "from_name": "taxonomySustain", - "id": "354nI7ncxD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "511", - "endOffset": 32, - "start": "511", - "startOffset": 1, - "text": "It's behind the sewing machine." - } - }, - { - "from_name": "actions", - "id": "1sOE6qk3Jk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "515", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "514", - "startOffset": 1, - "text": "And uh\n sometimes it gets loose." - } - }, - { - "from_name": "taxonomySustain", - "id": "1sOE6qk3Jk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "515", - "endOffset": 25, - "start": "514", - "startOffset": 1, - "text": "And uh\n sometimes it gets loose." - } - }, - { - "from_name": "actions", - "id": "sWe6U1BJdt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "517", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "517", - "startOffset": 0, - "text": " And no more fuel." - } - }, - { - "from_name": "taxonomySustain", - "id": "sWe6U1BJdt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "517", - "endOffset": 18, - "start": "517", - "startOffset": 0, - "text": " And no more fuel." - } - }, - { - "from_name": "actions", - "id": "eRbZzTSpCW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "518", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "518", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "eRbZzTSpCW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "518", - "endOffset": 8, - "start": "518", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "Swzcy_n-HW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "520", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "519", - "startOffset": 1, - "text": "So I stopped the car\n and they said what are you doing." - } - }, - { - "from_name": "taxonomySustain", - "id": "Swzcy_n-HW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "520", - "endOffset": 34, - "start": "519", - "startOffset": 1, - "text": "So I stopped the car\n and they said what are you doing." - } - }, - { - "from_name": "actions", - "id": "OmG4pukaCT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "523", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "521", - "startOffset": 1, - "text": "I said\n oh\n I gotta tighten this wire here." - } - }, - { - "from_name": "taxonomySustain", - "id": "OmG4pukaCT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "523", - "endOffset": 32, - "start": "521", - "startOffset": 1, - "text": "I said\n oh\n I gotta tighten this wire here." - } - }, - { - "from_name": "actions", - "id": "bPoN34Mlux", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "524", - "endOffset": 54, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "524", - "startOffset": 1, - "text": "So I had Cookie turn on the ignition and turn it off." - } - }, - { - "from_name": "taxonomySustain", - "id": "bPoN34Mlux", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "524", - "endOffset": 54, - "start": "524", - "startOffset": 1, - "text": "So I had Cookie turn on the ignition and turn it off." - } - }, - { - "from_name": "actions", - "id": "z-tsT3o_nn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "529", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "525", - "startOffset": 0, - "text": " So\n cause see\n once you turn that key on\n then you hear theʔ\n the fuel pump come on." - } - }, - { - "from_name": "taxonomySustain", - "id": "z-tsT3o_nn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "529", - "endOffset": 23, - "start": "525", - "startOffset": 0, - "text": " So\n cause see\n once you turn that key on\n then you hear theʔ\n the fuel pump come on." - } - }, - { - "from_name": "actions", - "id": "7A5kJZn16D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "530", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "530", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7A5kJZn16D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "530", - "endOffset": 5, - "start": "530", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "E7O3ekI1wY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "532", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "531", - "startOffset": 1, - "text": "And if the wire's not connected right\n it doesn't come on." - } - }, - { - "from_name": "taxonomySustain", - "id": "E7O3ekI1wY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "532", - "endOffset": 20, - "start": "531", - "startOffset": 1, - "text": "And if the wire's not connected right\n it doesn't come on." - } - }, - { - "from_name": "actions", - "id": "A5qsexxznV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "533", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "533", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "OMKBmhXJ8L", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "537", - "endOffset": 31, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "534", - "startOffset": 1, - "text": "So I did that\n and I lit match to find out where I was\n and\n after everything was hunkydory" - } - }, - { - "from_name": "actions", - "id": "Du1yZFR3Vz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "542", - "endOffset": 60, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "538", - "startOffset": 1, - "text": "then I\n shut the hood\n and got back in\n and I started up the engine and\n both Gary and Rita were sitting on the edges of their seat." - } - }, - { - "from_name": "actions", - "id": "E6MifbyLhY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "543", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "543", - "startOffset": 0, - "text": " And I turned around and I looked" - } - }, - { - "from_name": "taxonomySustain", - "id": "E6MifbyLhY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "543", - "endOffset": 33, - "start": "543", - "startOffset": 0, - "text": " And I turned around and I looked" - } - }, - { - "from_name": "actions", - "id": "gNYeppM6_z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "545", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "544", - "startOffset": 0, - "text": " and I said\n did I scare you kids ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "gNYeppM6_z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "545", - "endOffset": 23, - "start": "544", - "startOffset": 0, - "text": " and I said\n did I scare you kids ?" - } - }, - { - "from_name": "actions", - "id": "GNKuuJ4t6h", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "546", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "546", - "startOffset": 1, - "text": "They wouldn't say anything" - } - }, - { - "from_name": "taxonomySustain", - "id": "GNKuuJ4t6h", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "546", - "endOffset": 27, - "start": "546", - "startOffset": 1, - "text": "They wouldn't say anything" - } - }, - { - "from_name": "actions", - "id": "Ljdyn0s-lP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "549", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "547", - "startOffset": 1, - "text": "then Gary goes\n yeah\n I was scared." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ljdyn0s-lP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "549", - "endOffset": 14, - "start": "547", - "startOffset": 1, - "text": "then Gary goes\n yeah\n I was scared." - } - }, - { - "from_name": "actions", - "id": "FHfOJUTnl-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "550", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "550", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "FHfOJUTnl-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Detach" - ], - "end": "550", - "endOffset": 5, - "start": "550", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "ycwf1W0MQs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "551", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "551", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "ycwf1W0MQs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "551", - "endOffset": 5, - "start": "551", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "V1kzaPEkez", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "552", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "552", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "V1kzaPEkez", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "552", - "endOffset": 5, - "start": "552", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "MOCkUrpLtY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "553", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "553", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "MOCkUrpLtY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "553", - "endOffset": 5, - "start": "553", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "uLHfSpod-6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "563", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "560", - "startOffset": 0, - "text": " But oh man I don't know.\n See the thing about it is\n if I go after Ken\n I'm not really gonna have any money." - } - }, - { - "from_name": "taxonomySustain", - "id": "uLHfSpod-6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "563", - "endOffset": 37, - "start": "560", - "startOffset": 0, - "text": " But oh man I don't know.\n See the thing about it is\n if I go after Ken\n I'm not really gonna have any money." - } - }, - { - "from_name": "actions", - "id": "0E816T3GDC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "554", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "554", - "startOffset": 1, - "text": "But I freakedthemout" - } - }, - { - "from_name": "taxonomySustain", - "id": "0E816T3GDC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "554", - "endOffset": 21, - "start": "554", - "startOffset": 1, - "text": "But I freakedthemout" - } - }, - { - "from_name": "actions", - "id": "1Y0R3e6K8w", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "556", - "endOffset": 77, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "555", - "startOffset": 0, - "text": " I don't know.\n Then daddy said something about the steering column on my car needing work ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "1Y0R3e6K8w", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "556", - "endOffset": 77, - "start": "555", - "startOffset": 0, - "text": " I don't know.\n Then daddy said something about the steering column on my car needing work ?" - } - }, - { - "from_name": "actions", - "id": "xWBVGn8TC6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "557", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "557", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "xWBVGn8TC6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "557", - "endOffset": 5, - "start": "557", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "aCuiwc5HEF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "559", - "endOffset": 22, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "558", - "startOffset": 1, - "text": "Said long as I don't drive it fast\n it should be alright." - } - }, - { - "from_name": "taxonomySustain", - "id": "aCuiwc5HEF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "559", - "endOffset": 22, - "start": "558", - "startOffset": 1, - "text": "Said long as I don't drive it fast\n it should be alright." - } - }, - { - "from_name": "actions", - "id": "szi8BC6MrU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "564", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "564", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "szi8BC6MrU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "564", - "endOffset": 5, - "start": "564", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "9hQf1viHtN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "567", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "565", - "startOffset": 0, - "text": " to um\n you know\n do things." - } - }, - { - "from_name": "taxonomySustain", - "id": "9hQf1viHtN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "567", - "endOffset": 11, - "start": "565", - "startOffset": 0, - "text": " to um\n you know\n do things." - } - }, - { - "from_name": "actions", - "id": "JLXdJuijBM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "570", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "568", - "startOffset": 0, - "text": " I'm not saying I'm gonna pay for everything\n but\n I don't want to be broke around him." - } - }, - { - "from_name": "taxonomySustain", - "id": "JLXdJuijBM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "570", - "endOffset": 37, - "start": "568", - "startOffset": 0, - "text": " I'm not saying I'm gonna pay for everything\n but\n I don't want to be broke around him." - } - }, - { - "from_name": "actions", - "id": "nhHQ0_BeTl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "571", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "571", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "nhHQ0_BeTl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "571", - "endOffset": 5, - "start": "571", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "wcxNQfBHCv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "573", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "572", - "startOffset": 1, - "text": "I know\n that really sucks." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "wcxNQfBHCv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "573", - "endOffset": 19, - "start": "572", - "startOffset": 1, - "text": "I know\n that really sucks." - } - }, - { - "from_name": "actions", - "id": "Vk_8YuYGIK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "574", - "endOffset": 54, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "574", - "startOffset": 1, - "text": "Cause I wanna at least be able to put gas in the car." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Vk_8YuYGIK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "574", - "endOffset": 54, - "start": "574", - "startOffset": 1, - "text": "Cause I wanna at least be able to put gas in the car." - } - }, - { - "from_name": "actions", - "id": "FAh5ujIeGo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "576", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "575", - "startOffset": 0, - "text": "PAUSE\n Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FAh5ujIeGo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "576", - "endOffset": 5, - "start": "575", - "startOffset": 0, - "text": "PAUSE\n Mhm." - } - }, - { - "from_name": "actions", - "id": "8q7H5KiLvA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "577", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "577", - "startOffset": 1, - "text": "and go do something." - } - }, - { - "from_name": "taxonomySustain", - "id": "8q7H5KiLvA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "577", - "endOffset": 21, - "start": "577", - "startOffset": 1, - "text": "and go do something." - } - }, - { - "from_name": "actions", - "id": "Qgfyg70YN4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "578", - "endOffset": 72, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "578", - "startOffset": 0, - "text": " I don't think it's such good idea for you to go up there in the winter." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "Qgfyg70YN4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "578", - "endOffset": 72, - "start": "578", - "startOffset": 0, - "text": " I don't think it's such good idea for you to go up there in the winter." - } - }, - { - "from_name": "actions", - "id": "WyUeNXPOeU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "580", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "579", - "startOffset": 0, - "text": " Mm.\n I've been thinking about that." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "WyUeNXPOeU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Refute" - ], - "end": "580", - "endOffset": 31, - "start": "579", - "startOffset": 0, - "text": " Mm.\n I've been thinking about that." - } - }, - { - "from_name": "actions", - "id": "ddeeLSgC0x", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "581", - "endOffset": 42, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "581", - "startOffset": 0, - "text": " We should all get some money together and" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ddeeLSgC0x", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "581", - "endOffset": 42, - "start": "581", - "startOffset": 0, - "text": " We should all get some money together and" - } - }, - { - "from_name": "actions", - "id": "SksGPjdB2T", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "582", - "endOffset": 32, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "582", - "startOffset": 1, - "text": "is there any way he could like." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "SksGPjdB2T", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "582", - "endOffset": 32, - "start": "582", - "startOffset": 1, - "text": "is there any way he could like." - } - }, - { - "from_name": "actions", - "id": "l1I2ksxoIj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "584", - "endOffset": 38, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "584", - "startOffset": 0, - "text": " meet us in Great Falls or something ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "l1I2ksxoIj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "584", - "endOffset": 38, - "start": "584", - "startOffset": 0, - "text": " meet us in Great Falls or something ?" - } - }, - { - "from_name": "actions", - "id": "1FQkScUVLs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "586", - "endOffset": 3, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "585", - "startOffset": 1, - "text": "Cause I'd like to go up there and go to the\n um" - } - }, - { - "from_name": "taxonomySustain", - "id": "1FQkScUVLs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "586", - "endOffset": 3, - "start": "585", - "startOffset": 1, - "text": "Cause I'd like to go up there and go to the\n um" - } - }, - { - "from_name": "actions", - "id": "hyMC_MB5Ad", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "587", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "587", - "startOffset": 1, - "text": "Red Lobster ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "hyMC_MB5Ad", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "587", - "endOffset": 14, - "start": "587", - "startOffset": 1, - "text": "Red Lobster ?" - } - }, - { - "from_name": "actions", - "id": "XI4ktVFq1P", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "588", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "588", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "XI4ktVFq1P", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "588", - "endOffset": 9, - "start": "588", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "tCLn5D7ZeV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "589", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "589", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tCLn5D7ZeV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "589", - "endOffset": 6, - "start": "589", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "ssYjAU-KK9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "591", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "590", - "startOffset": 0, - "text": " Cause I've been just\n craving seafood." - } - }, - { - "from_name": "taxonomySustain", - "id": "ssYjAU-KK9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "591", - "endOffset": 17, - "start": "590", - "startOffset": 0, - "text": " Cause I've been just\n craving seafood." - } - }, - { - "from_name": "actions", - "id": "gmzj_D8Lvv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "593", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "592", - "startOffset": 1, - "text": "That's the halfway point\n he could do it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gmzj_D8Lvv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "593", - "endOffset": 16, - "start": "592", - "startOffset": 1, - "text": "That's the halfway point\n he could do it." - } - }, - { - "from_name": "actions", - "id": "JadzcagKQM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "594", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "594", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "JadzcagKQM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "594", - "endOffset": 6, - "start": "594", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "Fm2L0RFyWR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "597", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "597", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "Fm2L0RFyWR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "597", - "endOffset": 14, - "start": "597", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "actions", - "id": "5JMu6aJxZ3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "596", - "endOffset": 13, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "595", - "startOffset": 1, - "text": "I bet he could do it.\n When though." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "5JMu6aJxZ3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "596", - "endOffset": 13, - "start": "595", - "startOffset": 1, - "text": "I bet he could do it.\n When though." - } - }, - { - "from_name": "actions", - "id": "YgS5c0BuZx", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "598", - "endOffset": 40, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "598", - "startOffset": 1, - "text": "He goes back to school like the second." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "YgS5c0BuZx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Re-challenge" - ], - "end": "598", - "endOffset": 40, - "start": "598", - "startOffset": 1, - "text": "He goes back to school like the second." - } - }, - { - "from_name": "actions", - "id": "GcuDfjEPN6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "601", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "599", - "startOffset": 1, - "text": "ʔuh\n Oh\n shoot." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "GcuDfjEPN6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "601", - "endOffset": 7, - "start": "599", - "startOffset": 1, - "text": "ʔuh\n Oh\n shoot." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GcuDfjEPN6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "601", - "endOffset": 7, - "start": "599", - "startOffset": 1, - "text": "ʔuh\n Oh\n shoot." - } - }, - { - "from_name": "actions", - "id": "vPTtlwQaaO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "605", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "602", - "startOffset": 0, - "text": " Well isn't there any way\n like we.\n that we could just meet him up there and\n maybe..." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "vPTtlwQaaO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "605", - "endOffset": 9, - "start": "602", - "startOffset": 0, - "text": " Well isn't there any way\n like we.\n that we could just meet him up there and\n maybe..." - } - }, - { - "from_name": "actions", - "id": "dnmyveIcm4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "607", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "606", - "startOffset": 1, - "text": "What\n bring him down ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "dnmyveIcm4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "607", - "endOffset": 17, - "start": "606", - "startOffset": 1, - "text": "What\n bring him down ?" - } - }, - { - "from_name": "actions", - "id": "2x448YAzCN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "608", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "608", - "startOffset": 1, - "text": "Bring him down" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "2x448YAzCN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "608", - "endOffset": 15, - "start": "608", - "startOffset": 1, - "text": "Bring him down" - } - }, - { - "from_name": "actions", - "id": "WdyAVcwchc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "610", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "609", - "startOffset": 0, - "text": " or\n I don't wanna take your car." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WdyAVcwchc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "610", - "endOffset": 29, - "start": "609", - "startOffset": 0, - "text": " or\n I don't wanna take your car." - } - }, - { - "from_name": "actions", - "id": "BZmw_xj4Vk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "615", - "endOffset": 46, - "paragraphlabels": [ - "Open" - ], - "start": "612", - "startOffset": 1, - "text": "I was gonna ask you and mom\n too\n if you could um\n take care of Trace for couple days next week." - } - }, - { - "from_name": "taxonomyOpen", - "id": "BZmw_xj4Vk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Fact" - ], - "end": "615", - "endOffset": 46, - "start": "612", - "startOffset": 1, - "text": "I was gonna ask you and mom\n too\n if you could um\n take care of Trace for couple days next week." - } - }, - { - "from_name": "actions", - "id": "ApvjHTHgkB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "617", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "616", - "startOffset": 1, - "text": "Oh ?\n What you got in mind." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "ApvjHTHgkB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "617", - "endOffset": 22, - "start": "616", - "startOffset": 1, - "text": "Oh ?\n What you got in mind." - } - }, - { - "from_name": "actions", - "id": "ogokYhl93Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "618", - "endOffset": 36, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "618", - "startOffset": 0, - "text": " I need to get caught up on my work." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ogokYhl93Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "618", - "endOffset": 36, - "start": "618", - "startOffset": 0, - "text": " I need to get caught up on my work." - } - }, - { - "from_name": "actions", - "id": "-nOdIK3ZA_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "619", - "endOffset": 48, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "619", - "startOffset": 0, - "text": " Wednesday I have an appointment at nine thirty." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "-nOdIK3ZA_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "619", - "endOffset": 48, - "start": "619", - "startOffset": 0, - "text": " Wednesday I have an appointment at nine thirty." - } - }, - { - "from_name": "actions", - "id": "QIaXfqlAT_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "621", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "620", - "startOffset": 0, - "text": " Mom's off\n isn't she ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "QIaXfqlAT_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Re-challenge" - ], - "end": "621", - "endOffset": 12, - "start": "620", - "startOffset": 0, - "text": " Mom's off\n isn't she ?" - } - }, - { - "from_name": "actions", - "id": "LAGODdihka", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "624", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "622", - "startOffset": 0, - "text": " Oh\n that's right.\n That's right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "LAGODdihka", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "624", - "endOffset": 14, - "start": "622", - "startOffset": 0, - "text": " Oh\n that's right.\n That's right." - } - }, - { - "from_name": "actions", - "id": "wqzY4ygby2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "627", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "625", - "startOffset": 1, - "text": "Yeah I think that'd\n I think that'd um\n work out" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "wqzY4ygby2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "627", - "endOffset": 9, - "start": "625", - "startOffset": 1, - "text": "Yeah I think that'd\n I think that'd um\n work out" - } - }, - { - "from_name": "actions", - "id": "0Z6CSnkCgT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "629", - "endOffset": 24, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "628", - "startOffset": 1, - "text": "like if she had to go shopping or something maybe you could go with her\n and help her with him ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "0Z6CSnkCgT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "629", - "endOffset": 24, - "start": "628", - "startOffset": 1, - "text": "like if she had to go shopping or something maybe you could go with her\n and help her with him ?" - } - }, - { - "from_name": "actions", - "id": "YrjhQ7uOqo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "630", - "endOffset": 42, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "630", - "startOffset": 0, - "text": "And Nicky helps her with him a lot anyway." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "YrjhQ7uOqo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "630", - "endOffset": 42, - "start": "630", - "startOffset": 0, - "text": "And Nicky helps her with him a lot anyway." - } - }, - { - "from_name": "taxonomySustain", - "id": "YrjhQ7uOqo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "630", - "endOffset": 42, - "start": "630", - "startOffset": 0, - "text": "And Nicky helps her with him a lot anyway." - } - }, - { - "from_name": "actions", - "id": "2M-uOznjSb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "631", - "endOffset": 33, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "631", - "startOffset": 1, - "text": "And then of course he adores me." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "2M-uOznjSb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "631", - "endOffset": 33, - "start": "631", - "startOffset": 1, - "text": "And then of course he adores me." - } - }, - { - "from_name": "actions", - "id": "UCaQSTy6vT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "633", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "632", - "startOffset": 0, - "text": "PAUSE\n Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "UCaQSTy6vT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "633", - "endOffset": 5, - "start": "632", - "startOffset": 0, - "text": "PAUSE\n Mhm." - } - }, - { - "from_name": "actions", - "id": "7CT5Lj4K42", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "634", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "634", - "startOffset": 1, - "text": "I remember I was pregnant with Nicky." - } - }, - { - "from_name": "taxonomySustain", - "id": "7CT5Lj4K42", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "634", - "endOffset": 38, - "start": "634", - "startOffset": 1, - "text": "I remember I was pregnant with Nicky." - } - }, - { - "from_name": "actions", - "id": "4-kyPcpR3A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "636", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "635", - "startOffset": 0, - "text": " And uh\n Boots's little boy" - } - }, - { - "from_name": "taxonomySustain", - "id": "4-kyPcpR3A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "636", - "endOffset": 19, - "start": "635", - "startOffset": 0, - "text": " And uh\n Boots's little boy" - } - }, - { - "from_name": "actions", - "id": "itc37BK_LB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "637", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "637", - "startOffset": 1, - "text": "he really liked me." - } - }, - { - "from_name": "taxonomySustain", - "id": "itc37BK_LB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "637", - "endOffset": 20, - "start": "637", - "startOffset": 1, - "text": "he really liked me." - } - }, - { - "from_name": "actions", - "id": "LBx6DbMF6V", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "638", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "638", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "LBx6DbMF6V", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "638", - "endOffset": 5, - "start": "638", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "ow_6MiLdYl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "639", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "639", - "startOffset": 1, - "text": "when I was pregnant with her ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "ow_6MiLdYl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "639", - "endOffset": 31, - "start": "639", - "startOffset": 1, - "text": "when I was pregnant with her ?" - } - }, - { - "from_name": "actions", - "id": "2SdPYPSq04", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "640", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "640", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "2SdPYPSq04", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "640", - "endOffset": 5, - "start": "640", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "GcJpznv7jV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "641", - "endOffset": 43, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "641", - "startOffset": 1, - "text": "ʔuh You know how it is when we're pregnant" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GcJpznv7jV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "641", - "endOffset": 43, - "start": "641", - "startOffset": 1, - "text": "ʔuh You know how it is when we're pregnant" - } - }, - { - "from_name": "actions", - "id": "5JTfnCpS4w", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "642", - "endOffset": 21, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "642", - "startOffset": 1, - "text": "we get real sleepy ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "5JTfnCpS4w", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "642", - "endOffset": 21, - "start": "642", - "startOffset": 1, - "text": "we get real sleepy ?" - } - }, - { - "from_name": "actions", - "id": "TEYrruJ-9z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "643", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "643", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "TEYrruJ-9z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "643", - "endOffset": 5, - "start": "643", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "HqH5vUsvhp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "645", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "644", - "startOffset": 1, - "text": "I'd fall asleep on the couch\n and he'd lay by me." - } - }, - { - "from_name": "taxonomySustain", - "id": "HqH5vUsvhp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "645", - "endOffset": 20, - "start": "644", - "startOffset": 1, - "text": "I'd fall asleep on the couch\n and he'd lay by me." - } - }, - { - "from_name": "actions", - "id": "RdSHC7BnaB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "646", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "646", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "RdSHC7BnaB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "646", - "endOffset": 5, - "start": "646", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "DbnA92mszu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "647", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "647", - "startOffset": 1, - "text": "And he'd fall asleep with me." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "DbnA92mszu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "647", - "endOffset": 30, - "start": "647", - "startOffset": 1, - "text": "And he'd fall asleep with me." - } - }, - { - "from_name": "taxonomySustain", - "id": "DbnA92mszu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "647", - "endOffset": 30, - "start": "647", - "startOffset": 1, - "text": "And he'd fall asleep with me." - } - }, - { - "from_name": "actions", - "id": "fovm2Skf3g", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "648", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "648", - "startOffset": 0, - "text": " And I remember he would." - } - }, - { - "from_name": "taxonomySustain", - "id": "fovm2Skf3g", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "648", - "endOffset": 25, - "start": "648", - "startOffset": 0, - "text": " And I remember he would." - } - }, - { - "from_name": "actions", - "id": "Rfuegx_88Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "651", - "endOffset": 42, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "649", - "startOffset": 0, - "text": " I woke up\n and here he was gone\n his mother carried him in the other room." - } - }, - { - "from_name": "taxonomySustain", - "id": "Rfuegx_88Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "651", - "endOffset": 42, - "start": "649", - "startOffset": 0, - "text": " I woke up\n and here he was gone\n his mother carried him in the other room." - } - }, - { - "from_name": "actions", - "id": "lZSEfDEQoN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "652", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "652", - "startOffset": 0, - "text": " Mhm" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "lZSEfDEQoN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "652", - "endOffset": 11, - "start": "652", - "startOffset": 0, - "text": " Mhm" - } - }, - { - "from_name": "actions", - "id": "Ykwp8J5Sj2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "654", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "653", - "startOffset": 1, - "text": "and God\n that kind of pissed me off." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Ykwp8J5Sj2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "654", - "endOffset": 28, - "start": "653", - "startOffset": 1, - "text": "and God\n that kind of pissed me off." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ykwp8J5Sj2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "654", - "endOffset": 28, - "start": "653", - "startOffset": 1, - "text": "and God\n that kind of pissed me off." - } - }, - { - "from_name": "actions", - "id": "aRI6bbgp5o", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "657", - "endOffset": 35, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "655", - "startOffset": 1, - "text": "Was.\n Would um\n Was Nicky mad when Trace was boy ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "aRI6bbgp5o", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "657", - "endOffset": 35, - "start": "655", - "startOffset": 1, - "text": "Was.\n Would um\n Was Nicky mad when Trace was boy ?" - } - }, - { - "from_name": "actions", - "id": "JRzmvPfisW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "658", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "658", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "JRzmvPfisW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "658", - "endOffset": 9, - "start": "658", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "actions", - "id": "6BMSh7p_lT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "659", - "endOffset": 32, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "659", - "startOffset": 1, - "text": "She thinks I should have twins." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "6BMSh7p_lT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "659", - "endOffset": 32, - "start": "659", - "startOffset": 1, - "text": "She thinks I should have twins." - } - }, - { - "from_name": "actions", - "id": "OohYl9gnxr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "660", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "660", - "startOffset": 1, - "text": "Twin girls." - } - }, - { - "from_name": "taxonomySustain", - "id": "OohYl9gnxr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "660", - "endOffset": 12, - "start": "660", - "startOffset": 1, - "text": "Twin girls." - } - }, - { - "from_name": "actions", - "id": "Kec60DzuGI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "663", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "662", - "startOffset": 0, - "text": " But I don't think she'll realize the uh\n sibling rivalry." - } - }, - { - "from_name": "taxonomySustain", - "id": "Kec60DzuGI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "663", - "endOffset": 17, - "start": "662", - "startOffset": 0, - "text": " But I don't think she'll realize the uh\n sibling rivalry." - } - }, - { - "from_name": "actions", - "id": "wm0Hz26SrN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "666", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "665", - "startOffset": 0, - "text": " But I don't know\n she's six years old now." - } - }, - { - "from_name": "taxonomySustain", - "id": "wm0Hz26SrN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "666", - "endOffset": 25, - "start": "665", - "startOffset": 0, - "text": " But I don't know\n she's six years old now." - } - }, - { - "from_name": "actions", - "id": "EpkUSvzWDU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "668", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "667", - "startOffset": 0, - "text": " And they say that if there's six years between children\n there's not that much rivalry" - } - }, - { - "from_name": "taxonomySustain", - "id": "EpkUSvzWDU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "668", - "endOffset": 30, - "start": "667", - "startOffset": 0, - "text": " And they say that if there's six years between children\n there's not that much rivalry" - } - }, - { - "from_name": "actions", - "id": "a-oA2MS9nP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "669", - "endOffset": 32, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "669", - "startOffset": 0, - "text": " After four there's almost none." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "a-oA2MS9nP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "669", - "endOffset": 32, - "start": "669", - "startOffset": 0, - "text": " After four there's almost none." - } - }, - { - "from_name": "actions", - "id": "LHG-467jy6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "670", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "670", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "LHG-467jy6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "670", - "endOffset": 9, - "start": "670", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "G1vjpDw-id", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "671", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "671", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "G1vjpDw-id", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "671", - "endOffset": 5, - "start": "671", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "jTPd5_cVkH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "672", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "672", - "startOffset": 0, - "text": " Cause they're." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jTPd5_cVkH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "672", - "endOffset": 15, - "start": "672", - "startOffset": 0, - "text": " Cause they're." - } - }, - { - "from_name": "actions", - "id": "gm2J18hcJL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "674", - "endOffset": 37, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "674", - "startOffset": 0, - "text": " they're kind of in different worlds." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gm2J18hcJL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "674", - "endOffset": 37, - "start": "674", - "startOffset": 0, - "text": " they're kind of in different worlds." - } - }, - { - "from_name": "actions", - "id": "9AOKCEuL7U", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "673", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "673", - "startOffset": 0, - "text": " Four is ideal." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "9AOKCEuL7U", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "673", - "endOffset": 15, - "start": "673", - "startOffset": 0, - "text": " Four is ideal." - } - }, - { - "from_name": "actions", - "id": "G2Nq1rS9z0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "675", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "675", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "G2Nq1rS9z0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "675", - "endOffset": 6, - "start": "675", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "0HJFybk5IE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "681", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "676", - "startOffset": 1, - "text": "Because\n see\n Trace will be\n the next time I have baby\n Trace will probably be\n about three ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "0HJFybk5IE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "681", - "endOffset": 14, - "start": "676", - "startOffset": 1, - "text": "Because\n see\n Trace will be\n the next time I have baby\n Trace will probably be\n about three ?" - } - }, - { - "from_name": "actions", - "id": "L057-WMbN_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "682", - "endOffset": 7, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "682", - "startOffset": 1, - "text": "four ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "L057-WMbN_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "682", - "endOffset": 7, - "start": "682", - "startOffset": 1, - "text": "four ?" - } - }, - { - "from_name": "actions", - "id": "ghSa_5L6hu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "684", - "endOffset": 47, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "684", - "startOffset": 1, - "text": "That's when I'm gonna get this shit taken out." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ghSa_5L6hu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "684", - "endOffset": 47, - "start": "684", - "startOffset": 1, - "text": "That's when I'm gonna get this shit taken out." - } - }, - { - "from_name": "actions", - "id": "ZtwQm_e3h1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "686", - "endOffset": 35, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "686", - "startOffset": 1, - "text": "Tammy Kashen has one of these too." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ZtwQm_e3h1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "686", - "endOffset": 35, - "start": "686", - "startOffset": 1, - "text": "Tammy Kashen has one of these too." - } - }, - { - "from_name": "taxonomySustain", - "id": "ZtwQm_e3h1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "686", - "endOffset": 35, - "start": "686", - "startOffset": 1, - "text": "Tammy Kashen has one of these too." - } - }, - { - "from_name": "actions", - "id": "GwGu79PCL_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "687", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "687", - "startOffset": 1, - "text": "What is it." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GwGu79PCL_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "687", - "endOffset": 12, - "start": "687", - "startOffset": 1, - "text": "What is it." - } - }, - { - "from_name": "actions", - "id": "-Ef2ns80ec", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "688", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "688", - "startOffset": 0, - "text": " Norplant ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-Ef2ns80ec", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "688", - "endOffset": 11, - "start": "688", - "startOffset": 0, - "text": " Norplant ?" - } - }, - { - "from_name": "actions", - "id": "rw0_w1j35Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "689", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "689", - "startOffset": 0, - "text": " Oh really." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rw0_w1j35Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "689", - "endOffset": 11, - "start": "689", - "startOffset": 0, - "text": " Oh really." - } - }, - { - "from_name": "actions", - "id": "FVaH2MKYJC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "690", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "690", - "startOffset": 1, - "text": "Deon told me." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FVaH2MKYJC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "690", - "endOffset": 14, - "start": "690", - "startOffset": 1, - "text": "Deon told me." - } - }, - { - "from_name": "actions", - "id": "EC_l4LKVZ9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "691", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "691", - "startOffset": 1, - "text": "Cause I asked him what his intentions were with her." - } - }, - { - "from_name": "taxonomySustain", - "id": "EC_l4LKVZ9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "691", - "endOffset": 53, - "start": "691", - "startOffset": 1, - "text": "Cause I asked him what his intentions were with her." - } - }, - { - "from_name": "actions", - "id": "ERhVytsFBD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "692", - "endOffset": 63, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "692", - "startOffset": 1, - "text": "Cause I told him I thought he was too young to be so involved." - } - }, - { - "from_name": "taxonomySustain", - "id": "ERhVytsFBD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "692", - "endOffset": 63, - "start": "692", - "startOffset": 1, - "text": "Cause I told him I thought he was too young to be so involved." - } - }, - { - "from_name": "actions", - "id": "KxLKloz9Ow", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "693", - "endOffset": 25, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "693", - "startOffset": 1, - "text": "Gwen was telling me that" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "KxLKloz9Ow", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "693", - "endOffset": 25, - "start": "693", - "startOffset": 1, - "text": "Gwen was telling me that" - } - }, - { - "from_name": "actions", - "id": "fMs4BXPx-S", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "694", - "endOffset": 29, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "694", - "startOffset": 1, - "text": "Did she talk to you lately ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "fMs4BXPx-S", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "694", - "endOffset": 29, - "start": "694", - "startOffset": 1, - "text": "Did she talk to you lately ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "fMs4BXPx-S", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "694", - "endOffset": 29, - "start": "694", - "startOffset": 1, - "text": "Did she talk to you lately ?" - } - }, - { - "from_name": "actions", - "id": "oCx6CX1pxs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "695", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "695", - "startOffset": 1, - "text": "Hmm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "oCx6CX1pxs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "695", - "endOffset": 5, - "start": "695", - "startOffset": 1, - "text": "Hmm." - } - }, - { - "from_name": "actions", - "id": "PQvxUbBNjj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "696", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "696", - "startOffset": 0, - "text": " They had cyst on her ovary." - } - }, - { - "from_name": "taxonomySustain", - "id": "PQvxUbBNjj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "696", - "endOffset": 28, - "start": "696", - "startOffset": 0, - "text": " They had cyst on her ovary." - } - }, - { - "from_name": "actions", - "id": "8uLhTE4qhN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "697", - "endOffset": 40, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "697", - "startOffset": 1, - "text": "And they had to go in and take it out ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "8uLhTE4qhN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "697", - "endOffset": 40, - "start": "697", - "startOffset": 1, - "text": "And they had to go in and take it out ?" - } - }, - { - "from_name": "actions", - "id": "IVLPN7WuOP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "698", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "698", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "IVLPN7WuOP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "698", - "endOffset": 5, - "start": "698", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "WzxfciodHa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "699", - "endOffset": 21, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "699", - "startOffset": 1, - "text": "Take out that cyst ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "WzxfciodHa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "699", - "endOffset": 21, - "start": "699", - "startOffset": 1, - "text": "Take out that cyst ?" - } - }, - { - "from_name": "actions", - "id": "OJtc0_VeGr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "700", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "700", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "OJtc0_VeGr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "700", - "endOffset": 5, - "start": "700", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "BegJ3a-Y3D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "701", - "endOffset": 35, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "701", - "startOffset": 0, - "text": " And it's really screwed up her uh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "BegJ3a-Y3D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "701", - "endOffset": 35, - "start": "701", - "startOffset": 0, - "text": " And it's really screwed up her uh." - } - }, - { - "from_name": "actions", - "id": "v2jOTUwVJV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "703", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "702", - "startOffset": 1, - "text": "menstrual.\n cycle ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "v2jOTUwVJV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "703", - "endOffset": 8, - "start": "702", - "startOffset": 1, - "text": "menstrual.\n cycle ?" - } - }, - { - "from_name": "actions", - "id": "KOH7zZon6m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "704", - "endOffset": 10, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "704", - "startOffset": 1, - "text": "her cycle" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "KOH7zZon6m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "704", - "endOffset": 10, - "start": "704", - "startOffset": 1, - "text": "her cycle" - } - }, - { - "from_name": "actions", - "id": "snT2MTw_Vn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "706", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "705", - "startOffset": 1, - "text": "her\n her hormones ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "snT2MTw_Vn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "706", - "endOffset": 15, - "start": "705", - "startOffset": 1, - "text": "her\n her hormones ?" - } - }, - { - "from_name": "actions", - "id": "UXWl7nJwM3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "707", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "707", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "UXWl7nJwM3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "707", - "endOffset": 8, - "start": "707", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "VelfjjINwL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "709", - "endOffset": 27, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "708", - "startOffset": 1, - "text": "And they said that she might have to get pregnant again\n just to straighten it out." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "VelfjjINwL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "709", - "endOffset": 27, - "start": "708", - "startOffset": 1, - "text": "And they said that she might have to get pregnant again\n just to straighten it out." - } - }, - { - "from_name": "actions", - "id": "Kc65Wh_Mec", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "712", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "711", - "startOffset": 0, - "text": " So\n and then she goes" - } - }, - { - "from_name": "taxonomySustain", - "id": "Kc65Wh_Mec", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "712", - "endOffset": 18, - "start": "711", - "startOffset": 0, - "text": " So\n and then she goes" - } - }, - { - "from_name": "actions", - "id": "_Sq-o8qU-W", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "714", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "713", - "startOffset": 1, - "text": "so tell.\n tell Deon." - } - }, - { - "from_name": "taxonomySustain", - "id": "_Sq-o8qU-W", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "714", - "endOffset": 11, - "start": "713", - "startOffset": 1, - "text": "so tell.\n tell Deon." - } - }, - { - "from_name": "actions", - "id": "boUfrE5T5K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "715", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "715", - "startOffset": 1, - "text": "And she really laughed." - } - }, - { - "from_name": "taxonomySustain", - "id": "boUfrE5T5K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "715", - "endOffset": 24, - "start": "715", - "startOffset": 1, - "text": "And she really laughed." - } - }, - { - "from_name": "actions", - "id": "p3YZI_8SRt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "720", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "717", - "startOffset": 0, - "text": " I don't know if Tammy would be too happy with that though.\n Seems to me that she's trying to straighten herself out\n and\n pursue family." - } - }, - { - "from_name": "taxonomySustain", - "id": "p3YZI_8SRt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "720", - "endOffset": 15, - "start": "717", - "startOffset": 0, - "text": " I don't know if Tammy would be too happy with that though.\n Seems to me that she's trying to straighten herself out\n and\n pursue family." - } - }, - { - "from_name": "actions", - "id": "OA_Mo8fH_m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "721", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "721", - "startOffset": 1, - "text": "Tammy ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "OA_Mo8fH_m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "721", - "endOffset": 8, - "start": "721", - "startOffset": 1, - "text": "Tammy ?" - } - }, - { - "from_name": "actions", - "id": "JufpdHHAJC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "722", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "722", - "startOffset": 1, - "text": "What do you think." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "JufpdHHAJC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "722", - "endOffset": 19, - "start": "722", - "startOffset": 1, - "text": "What do you think." - } - }, - { - "from_name": "actions", - "id": "tthWFdwQjd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "723", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "723", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "tthWFdwQjd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "723", - "endOffset": 14, - "start": "723", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "actions", - "id": "u6MTS84BHH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "724", - "endOffset": 51, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "724", - "startOffset": 1, - "text": "Or do you think it might be matter of convenience." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "u6MTS84BHH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "724", - "endOffset": 51, - "start": "724", - "startOffset": 1, - "text": "Or do you think it might be matter of convenience." - } - }, - { - "from_name": "actions", - "id": "nxqAzdHk0g", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "725", - "endOffset": 41, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "725", - "startOffset": 1, - "text": "I think it's convenience for both of em." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nxqAzdHk0g", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "725", - "endOffset": 41, - "start": "725", - "startOffset": 1, - "text": "I think it's convenience for both of em." - } - }, - { - "from_name": "actions", - "id": "XqoJD-TQM0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "727", - "endOffset": 7, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "726", - "startOffset": 0, - "text": " Yeah ?\n Yeah ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "XqoJD-TQM0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "727", - "endOffset": 7, - "start": "726", - "startOffset": 0, - "text": " Yeah ?\n Yeah ?" - } - }, - { - "from_name": "actions", - "id": "Pjjdua2STJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "728", - "endOffset": 34, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "728", - "startOffset": 0, - "text": " It's also convenience for Cookie." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Pjjdua2STJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "728", - "endOffset": 34, - "start": "728", - "startOffset": 0, - "text": " It's also convenience for Cookie." - } - }, - { - "from_name": "actions", - "id": "bzSShzF5O0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "729", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "729", - "startOffset": 1, - "text": "Oh yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "bzSShzF5O0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "729", - "endOffset": 9, - "start": "729", - "startOffset": 1, - "text": "Oh yeah." - } - } - ] - } - ], - "data": { - "text": [ - { - "phrase": " God", - "speaker": "MARY" - }, - { - "phrase": " I said I wasn't gonna do this anymore.", - "speaker": "MARY" - }, - { - "phrase": " Stay up late.", - "speaker": "MARY" - }, - { - "phrase": " Kinda defeats the purpose of getting up in the morning.", - "speaker": "MARY" - }, - { - "phrase": " I know.", - "speaker": "ALIC" - }, - { - "phrase": " And it's hard habit to break.", - "speaker": "ALIC" - }, - { - "phrase": " Usually I don't...", - "speaker": "ALIC" - }, - { - "phrase": " It is.", - "speaker": "MARY" - }, - { - "phrase": " ʔuh Usually I don't stay up late.", - "speaker": "ALIC" - }, - { - "phrase": " But it's like", - "speaker": "ALIC" - }, - { - "phrase": " if I'm up after midnight ?", - "speaker": "ALIC" - }, - { - "phrase": " It's just like.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " Hm.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah yeah.", - "speaker": "ALIC" - }, - { - "phrase": " What can I do now.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " I still can't ʔuh...", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " God I still can't believe Tim bitching around and", - "speaker": "ALIC" - }, - { - "phrase": " he lied too.", - "speaker": "ALIC" - }, - { - "phrase": " He said that he talked to Ron", - "speaker": "ALIC" - }, - { - "phrase": " and all this other shit ?", - "speaker": "ALIC" - }, - { - "phrase": " About what.", - "speaker": "MARY" - }, - { - "phrase": " About ʔuh the way they were feeling", - "speaker": "ALIC" - }, - { - "phrase": " of them being the only ones cleaning the house", - "speaker": "ALIC" - }, - { - "phrase": " and all this other shit ?", - "speaker": "ALIC" - }, - { - "phrase": " I mean what they don't realize", - "speaker": "ALIC" - }, - { - "phrase": " is like", - "speaker": "ALIC" - }, - { - "phrase": " shit", - "speaker": "ALIC" - }, - { - "phrase": " when Ron gets home from work", - "speaker": "ALIC" - }, - { - "phrase": " I wanna spend time with Ron", - "speaker": "ALIC" - }, - { - "phrase": " because Ron", - "speaker": "ALIC" - }, - { - "phrase": " usually doesn't get home till nine or ten.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Unlike Tim", - "speaker": "ALIC" - }, - { - "phrase": " he has to work", - "speaker": "ALIC" - }, - { - "phrase": " for every little dime that he makes.", - "speaker": "ALIC" - }, - { - "phrase": " You know ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " He doesn't get any breaks.", - "speaker": "ALIC" - }, - { - "phrase": " Yeahʔ", - "speaker": "MARY" - }, - { - "phrase": " Tim is on salary", - "speaker": "MARY" - }, - { - "phrase": " and he can take leave", - "speaker": "MARY" - }, - { - "phrase": " and.", - "speaker": "MARY" - }, - { - "phrase": " Mhm", - "speaker": "ALIC" - }, - { - "phrase": " and he earns leave.", - "speaker": "ALIC" - }, - { - "phrase": " he's...", - "speaker": "MARY" - }, - { - "phrase": " he gets sick leave", - "speaker": "ALIC" - }, - { - "phrase": " we don't get shit.", - "speaker": "ALIC" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " It is really hard living with another couple.", - "speaker": "MARY" - }, - { - "phrase": " I mean", - "speaker": "ALIC" - }, - { - "phrase": " we.", - "speaker": "ALIC" - }, - { - "phrase": " If we set our.", - "speaker": "ALIC" - }, - { - "phrase": " If we sit down and set some rules", - "speaker": "ALIC" - }, - { - "phrase": " which we never did", - "speaker": "ALIC" - }, - { - "phrase": " ʔuh ʔuh ʔit could work.", - "speaker": "ALIC" - }, - { - "phrase": " You know.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " what it amounts to", - "speaker": "ALIC" - }, - { - "phrase": " is mutual respect", - "speaker": "ALIC" - }, - { - "phrase": " and like Tim told Ron", - "speaker": "ALIC" - }, - { - "phrase": " he told him", - "speaker": "ALIC" - }, - { - "phrase": " he goes um", - "speaker": "ALIC" - }, - { - "phrase": " what was it he goes", - "speaker": "ALIC" - }, - { - "phrase": " nobody fucks with my lifestyle.", - "speaker": "ALIC" - }, - { - "phrase": " I feel the exact same way.", - "speaker": "ALIC" - }, - { - "phrase": " And all those bitches and complaints that he has", - "speaker": "ALIC" - }, - { - "phrase": " they're about my lifestyle.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " And he doesn't realize that.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " And that's what I'm gonna tell him.", - "speaker": "ALIC" - }, - { - "phrase": " Well", - "speaker": "MARY" - }, - { - "phrase": " ʔuh you know.", - "speaker": "MARY" - }, - { - "phrase": " And the only way it's gonna work", - "speaker": "ALIC" - }, - { - "phrase": " is if we have respect for one another.", - "speaker": "ALIC" - }, - { - "phrase": " That's right.", - "speaker": "MARY" - }, - { - "phrase": " That's right.", - "speaker": "MARY" - }, - { - "phrase": " And it doesn't mean", - "speaker": "ALIC" - }, - { - "phrase": " going to our parents", - "speaker": "ALIC" - }, - { - "phrase": " and complaining about one another", - "speaker": "ALIC" - }, - { - "phrase": " I'm gonna tell him", - "speaker": "ALIC" - }, - { - "phrase": " if you have any complaints", - "speaker": "ALIC" - }, - { - "phrase": " you talk to the person that you have the complaint about.", - "speaker": "ALIC" - }, - { - "phrase": " I'm also going to suggest", - "speaker": "ALIC" - }, - { - "phrase": " weekly house meetings to discuss such things.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " Oh yeah.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " You know what it would be", - "speaker": "MARY" - }, - { - "phrase": " real good lesson for them", - "speaker": "MARY" - }, - { - "phrase": " too", - "speaker": "MARY" - }, - { - "phrase": " in self assertiveness.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " you know and", - "speaker": "MARY" - }, - { - "phrase": " especially the way um", - "speaker": "MARY" - }, - { - "phrase": " I mean Tim gets himself into a", - "speaker": "MARY" - }, - { - "phrase": " uncomfortable situation or whatever", - "speaker": "MARY" - }, - { - "phrase": " and his first reaction is to blow up about it.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " You know", - "speaker": "MARY" - }, - { - "phrase": " cause he let.", - "speaker": "MARY" - }, - { - "phrase": " he lets it pile up.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " He doesn't do nothing positive about it", - "speaker": "MARY" - }, - { - "phrase": " and then he just blows up.", - "speaker": "MARY" - }, - { - "phrase": " And if something bothers you", - "speaker": "ALIC" - }, - { - "phrase": " you go and you", - "speaker": "ALIC" - }, - { - "phrase": " I was", - "speaker": "ALIC" - }, - { - "phrase": " like last year", - "speaker": "ALIC" - }, - { - "phrase": " I was really proud of myself", - "speaker": "ALIC" - }, - { - "phrase": " when I was asked to take over intermediate algebra ?", - "speaker": "ALIC" - }, - { - "phrase": " Unhunh.", - "speaker": "MARY" - }, - { - "phrase": " And teach it ?", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " And I did.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " And I also went.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " and I asked for raise", - "speaker": "ALIC" - }, - { - "phrase": " instead of...", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " cause instead of just sitting in the class and getting five dollars an hour", - "speaker": "ALIC" - }, - { - "phrase": " I was now gonna be up there teaching it.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " and instead of getting the five dollars an hour", - "speaker": "ALIC" - }, - { - "phrase": " I ended up getting fifteen.", - "speaker": "ALIC" - }, - { - "phrase": " Really.", - "speaker": "MARY" - }, - { - "phrase": " But I went and I asked.", - "speaker": "ALIC" - }, - { - "phrase": " Now if.", - "speaker": "ALIC" - }, - { - "phrase": " You know if you put situation like that to Tim or Mandy", - "speaker": "ALIC" - }, - { - "phrase": " cause not because they're they're weak in character or anything", - "speaker": "ALIC" - }, - { - "phrase": " but because they're...", - "speaker": "ALIC" - }, - { - "phrase": " They're babies.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " They hem and haw around", - "speaker": "ALIC" - }, - { - "phrase": " and somebody else would have to talk for them.", - "speaker": "ALIC" - }, - { - "phrase": " You know ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " And it's", - "speaker": "MARY" - }, - { - "phrase": " Right now uh", - "speaker": "MARY" - }, - { - "phrase": " I don't know if I should mention it to him", - "speaker": "MARY" - }, - { - "phrase": " or what", - "speaker": "MARY" - }, - { - "phrase": " but", - "speaker": "MARY" - }, - { - "phrase": " I'm feeling like he's taking me for granted.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " And he's rolling in it", - "speaker": "ALIC" - }, - { - "phrase": " Mary.", - "speaker": "ALIC" - }, - { - "phrase": " And you know what the sad thing", - "speaker": "ALIC" - }, - { - "phrase": " the thing that really scares me ?", - "speaker": "ALIC" - }, - { - "phrase": " is that they're n.", - "speaker": "ALIC" - }, - { - "phrase": " at the rate they're going", - "speaker": "ALIC" - }, - { - "phrase": " and with all the breaks that they've gotten", - "speaker": "ALIC" - }, - { - "phrase": " they're never gonna have hard times.", - "speaker": "ALIC" - }, - { - "phrase": " Hard times do train you.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " They do.", - "speaker": "MARY" - }, - { - "phrase": " Like I came over here to work with Danae", - "speaker": "ALIC" - }, - { - "phrase": " which is what I'm going to do", - "speaker": "ALIC" - }, - { - "phrase": " I'm going to do some translations for her and stuff ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " tonight ?", - "speaker": "ALIC" - }, - { - "phrase": " And um.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " you know", - "speaker": "ALIC" - }, - { - "phrase": " I have to make at least fifty dollars or so.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " to make it worth my time", - "speaker": "ALIC" - }, - { - "phrase": " but like tonight", - "speaker": "ALIC" - }, - { - "phrase": " well I called", - "speaker": "ALIC" - }, - { - "phrase": " you know", - "speaker": "ALIC" - }, - { - "phrase": " this thing was going on with Buck and everything", - "speaker": "ALIC" - }, - { - "phrase": " so I called um", - "speaker": "ALIC" - }, - { - "phrase": " Mandy's", - "speaker": "ALIC" - }, - { - "phrase": " or", - "speaker": "ALIC" - }, - { - "phrase": " I called our house", - "speaker": "ALIC" - }, - { - "phrase": " and Mandy answered the phone", - "speaker": "ALIC" - }, - { - "phrase": " and I said where's.", - "speaker": "ALIC" - }, - { - "phrase": " you know where's.", - "speaker": "ALIC" - }, - { - "phrase": " where.", - "speaker": "ALIC" - }, - { - "phrase": " Is Ron there ?", - "speaker": "ALIC" - }, - { - "phrase": " And she said no.", - "speaker": "ALIC" - }, - { - "phrase": " When we were on our way to Tim's game", - "speaker": "ALIC" - }, - { - "phrase": " he was at Town Pump", - "speaker": "ALIC" - }, - { - "phrase": " and he asked what time we'd be home", - "speaker": "ALIC" - }, - { - "phrase": " and we said probably about nine.", - "speaker": "ALIC" - }, - { - "phrase": " And she said then we went over to your grandma's", - "speaker": "ALIC" - }, - { - "phrase": " but then we came back", - "speaker": "ALIC" - }, - { - "phrase": " and he wasn't here yet.", - "speaker": "ALIC" - }, - { - "phrase": " So", - "speaker": "ALIC" - }, - { - "phrase": " I called the Town Pump", - "speaker": "ALIC" - }, - { - "phrase": " and asked if he was still in the casino", - "speaker": "ALIC" - }, - { - "phrase": " course he wasn't", - "speaker": "ALIC" - }, - { - "phrase": " he was on his way home.", - "speaker": "ALIC" - }, - { - "phrase": " And I said tell.", - "speaker": "ALIC" - }, - { - "phrase": " So I called Mandy back", - "speaker": "ALIC" - }, - { - "phrase": " and I told her to", - "speaker": "ALIC" - }, - { - "phrase": " have him call me.", - "speaker": "ALIC" - }, - { - "phrase": " when he got home.", - "speaker": "ALIC" - }, - { - "phrase": " So", - "speaker": "ALIC" - }, - { - "phrase": " I was in the bathtub when he called", - "speaker": "ALIC" - }, - { - "phrase": " and I talked to him for while and", - "speaker": "ALIC" - }, - { - "phrase": " he went and", - "speaker": "ALIC" - }, - { - "phrase": " he was really down about what what I told him that Tim had said to me", - "speaker": "ALIC" - }, - { - "phrase": " and how I was so upset ?", - "speaker": "ALIC" - }, - { - "phrase": " He goes why didn't you tell him to go and wake me up.", - "speaker": "ALIC" - }, - { - "phrase": " I said I did", - "speaker": "ALIC" - }, - { - "phrase": " and he wouldn't do it.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " He goes", - "speaker": "ALIC" - }, - { - "phrase": " they.", - "speaker": "ALIC" - }, - { - "phrase": " they were sitting around getting all fucked up", - "speaker": "ALIC" - }, - { - "phrase": " he said but", - "speaker": "ALIC" - }, - { - "phrase": " he said I went right to bed", - "speaker": "ALIC" - }, - { - "phrase": " he said I didn't get done working until after nine.", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " man.", - "speaker": "MARY" - }, - { - "phrase": "Cause that five car pile up they had between Hardin and Crow ?", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " shit", - "speaker": "MARY" - }, - { - "phrase": " really ?", - "speaker": "MARY" - }, - { - "phrase": " I didn't hear about it.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " Ron was singlehandedly there.", - "speaker": "ALIC" - }, - { - "phrase": " with one wrecker.", - "speaker": "ALIC" - }, - { - "phrase": " yeah.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Seems like any time I've seen wrecker out here", - "speaker": "MARY" - }, - { - "phrase": " there's always two guys in there.", - "speaker": "MARY" - }, - { - "phrase": " Hmm", - "speaker": "ALIC" - }, - { - "phrase": " everyone was gone", - "speaker": "ALIC" - }, - { - "phrase": " when the call came in.", - "speaker": "ALIC" - }, - { - "phrase": " Oh.", - "speaker": "MARY" - }, - { - "phrase": " And Jay's not supposed to go on those anymore", - "speaker": "ALIC" - }, - { - "phrase": " because of his heart", - "speaker": "ALIC" - }, - { - "phrase": " so he had to send Ron by himself", - "speaker": "ALIC" - }, - { - "phrase": " and Ron was slowly pulling everybody out of the ditch.", - "speaker": "ALIC" - }, - { - "phrase": " Did they all hit each other ?", - "speaker": "MARY" - }, - { - "phrase": " Or just.", - "speaker": "MARY" - }, - { - "phrase": " Kind of.", - "speaker": "ALIC" - }, - { - "phrase": " aʔ semi bumped car", - "speaker": "ALIC" - }, - { - "phrase": " and then went and", - "speaker": "ALIC" - }, - { - "phrase": " went on two wheels", - "speaker": "ALIC" - }, - { - "phrase": " and", - "speaker": "ALIC" - }, - { - "phrase": " just about lost it", - "speaker": "ALIC" - }, - { - "phrase": " and then got back up on all all its wheels again.", - "speaker": "ALIC" - }, - { - "phrase": " Oh.", - "speaker": "MARY" - }, - { - "phrase": " Did it land in the ditch ?", - "speaker": "MARY" - }, - { - "phrase": " But it.", - "speaker": "ALIC" - }, - { - "phrase": " Kind of", - "speaker": "ALIC" - }, - { - "phrase": " it was able to get out", - "speaker": "ALIC" - }, - { - "phrase": " but all the other cars that were in the direct vicinity", - "speaker": "ALIC" - }, - { - "phrase": " all hit the ditch.", - "speaker": "ALIC" - }, - { - "phrase": " And then", - "speaker": "ALIC" - }, - { - "phrase": " there was three cars and the semi.", - "speaker": "ALIC" - }, - { - "phrase": " And then", - "speaker": "ALIC" - }, - { - "phrase": " this uh", - "speaker": "ALIC" - }, - { - "phrase": " this guy pulled up and.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " he was going to uh", - "speaker": "ALIC" - }, - { - "phrase": " Peggy.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " you remember Peggy White ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Her husband", - "speaker": "ALIC" - }, - { - "phrase": " Gary Bighare ?", - "speaker": "ALIC" - }, - { - "phrase": " Mhm ?", - "speaker": "MARY" - }, - { - "phrase": " Him and her pulled up", - "speaker": "ALIC" - }, - { - "phrase": " and they were in the van ?", - "speaker": "ALIC" - }, - { - "phrase": " And they stopped to ask Ron what happened ?", - "speaker": "ALIC" - }, - { - "phrase": "And here another car came and rearended them.", - "speaker": "ALIC" - }, - { - "phrase": " Oh.", - "speaker": "MARY" - }, - { - "phrase": " And they ended up having to take um Peggy White by helicopter to Billings.", - "speaker": "ALIC" - }, - { - "phrase": " Man that's pretty bad.", - "speaker": "MARY" - }, - { - "phrase": " I know.", - "speaker": "ALIC" - }, - { - "phrase": " Darn", - "speaker": "ALIC" - }, - { - "phrase": " this darn dog keeps breathing", - "speaker": "ALIC" - }, - { - "phrase": " and like dreaming", - "speaker": "ALIC" - }, - { - "phrase": " you know I wonder if we should wake her up ?", - "speaker": "ALIC" - }, - { - "phrase": " No", - "speaker": "MARY" - }, - { - "phrase": " she'll get scared and want to go outside.", - "speaker": "MARY" - }, - { - "phrase": " Kinda nervous", - "speaker": "MARY" - }, - { - "phrase": " you know.", - "speaker": "MARY" - }, - { - "phrase": " They say you can really mess up dog", - "speaker": "ALIC" - }, - { - "phrase": " by wakingthemup when they're dreaming.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " It's so cold outside", - "speaker": "ALIC" - }, - { - "phrase": " but yet sometimes she insists on staying out there.", - "speaker": "ALIC" - }, - { - "phrase": " I know.", - "speaker": "MARY" - }, - { - "phrase": " You know what I was thinking of doing ?", - "speaker": "MARY" - }, - { - "phrase": " Hunh.", - "speaker": "ALIC" - }, - { - "phrase": " I don't know", - "speaker": "MARY" - }, - { - "phrase": " she's kind of shy", - "speaker": "MARY" - }, - { - "phrase": " but I was wondering.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " what it would be like to train her.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " to pull sled.", - "speaker": "MARY" - }, - { - "phrase": " I don't know if she'd do it.", - "speaker": "ALIC" - }, - { - "phrase": " I don't know if she would either.", - "speaker": "MARY" - }, - { - "phrase": " She's kind of timid.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " She doesn't trust too many people at all.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Oh and you know another thing that Tim had the audacity to bitch about ?", - "speaker": "ALIC" - }, - { - "phrase": " What.", - "speaker": "MARY" - }, - { - "phrase": " He said um", - "speaker": "ALIC" - }, - { - "phrase": " Mandy had to stay up all by herself and decorate the tree.", - "speaker": "ALIC" - }, - { - "phrase": " until four in the morning.", - "speaker": "ALIC" - }, - { - "phrase": " And I even asked if we could put our ornaments on there", - "speaker": "ALIC" - }, - { - "phrase": " and they told me that there wouldn't be enough room.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm", - "speaker": "ALIC" - }, - { - "phrase": " Tim said that.", - "speaker": "ALIC" - }, - { - "phrase": " She was probably lonely when she was doing it", - "speaker": "MARY" - }, - { - "phrase": " you know that ?", - "speaker": "MARY" - }, - { - "phrase": " She probably was.", - "speaker": "MARY" - }, - { - "phrase": "...", - "speaker": "MARY" - }, - { - "phrase": " I sat up with her", - "speaker": "ALIC" - }, - { - "phrase": " and I was talking to her", - "speaker": "ALIC" - }, - { - "phrase": " she was doing all the decorating", - "speaker": "ALIC" - }, - { - "phrase": " I mean", - "speaker": "ALIC" - }, - { - "phrase": " what was I gonna do.", - "speaker": "ALIC" - }, - { - "phrase": " I mean", - "speaker": "ALIC" - }, - { - "phrase": " she was just putting up the balls and everything and", - "speaker": "ALIC" - }, - { - "phrase": " she'd say where", - "speaker": "ALIC" - }, - { - "phrase": " where do you think this should go and", - "speaker": "ALIC" - }, - { - "phrase": " so I was sitting there doing my Welfare application.", - "speaker": "ALIC" - }, - { - "phrase": " And uh", - "speaker": "ALIC" - }, - { - "phrase": " you know I was just sitting there watching her", - "speaker": "ALIC" - }, - { - "phrase": " telling her where to put everything and what not.", - "speaker": "ALIC" - }, - { - "phrase": " Did you know Nickie wanted her own tree ?", - "speaker": "MARY" - }, - { - "phrase": " Yes ?", - "speaker": "ALIC" - }, - { - "phrase": " And I forgot to bring it in", - "speaker": "MARY" - }, - { - "phrase": " it's outside ?", - "speaker": "MARY" - }, - { - "phrase": " What are you gonna do with it.", - "speaker": "ALIC" - }, - { - "phrase": " She wants to set it up for her Barbies.", - "speaker": "MARY" - }, - { - "phrase": " I was just gonna use tin can and put rocks in the bottom ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And just stick it in there.", - "speaker": "MARY" - }, - { - "phrase": " And you know what I did ?", - "speaker": "MARY" - }, - { - "phrase": " Hm.", - "speaker": "ALIC" - }, - { - "phrase": " I didn't want to waste tree's life.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " so I just cut branch off one.", - "speaker": "MARY" - }, - { - "phrase": " God", - "speaker": "MARY" - }, - { - "phrase": " I fell up there.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " Where'd you go.", - "speaker": "ALIC" - }, - { - "phrase": " to get em.", - "speaker": "ALIC" - }, - { - "phrase": " You know where Sarah and Arvela live ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Just around the corner.", - "speaker": "MARY" - }, - { - "phrase": " Remember that first cattle guard you go over ?", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " I didn't even go over that.", - "speaker": "MARY" - }, - { - "phrase": " You mean", - "speaker": "ALIC" - }, - { - "phrase": " kinda like by the.", - "speaker": "ALIC" - }, - { - "phrase": " by the tunnel ?", - "speaker": "ALIC" - }, - { - "phrase": " Right below the tunnel.", - "speaker": "MARY" - }, - { - "phrase": " Oh.", - "speaker": "ALIC" - }, - { - "phrase": " And I just walked up.", - "speaker": "MARY" - }, - { - "phrase": " We just walked up around uh", - "speaker": "MARY" - }, - { - "phrase": " that area", - "speaker": "MARY" - }, - { - "phrase": " God Alice that was fun.", - "speaker": "MARY" - }, - { - "phrase": " Did you get grandma tree too ?", - "speaker": "ALIC" - }, - { - "phrase": " Hunhunh.", - "speaker": "MARY" - }, - { - "phrase": " Does she already have one ?", - "speaker": "ALIC" - }, - { - "phrase": " Hmm.", - "speaker": "MARY" - }, - { - "phrase": " That pickup could only hold like three.", - "speaker": "MARY" - }, - { - "phrase": " Mm.", - "speaker": "ALIC" - }, - { - "phrase": " I wonder why.", - "speaker": "ALIC" - }, - { - "phrase": " Did daddy say to take the pickup back ?", - "speaker": "ALIC" - }, - { - "phrase": " Or what was the deal.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Why.", - "speaker": "ALIC" - }, - { - "phrase": " Cause Phoebe needs it.", - "speaker": "MARY" - }, - { - "phrase": " What's wrong with the car.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " you didn't hear about it ?", - "speaker": "MARY" - }, - { - "phrase": " Hunhunh.", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " you did", - "speaker": "MARY" - }, - { - "phrase": " about how the engine was on fire ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " See there was oil spilling out", - "speaker": "MARY" - }, - { - "phrase": " leaking out from the valve cover.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " The valve cover gasket apparently cracked or whatever", - "speaker": "MARY" - }, - { - "phrase": " and there was oil coming out", - "speaker": "MARY" - }, - { - "phrase": " and the oil got hot", - "speaker": "MARY" - }, - { - "phrase": " and you know how it gets hot and smokes ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Well", - "speaker": "MARY" - }, - { - "phrase": " I guess enough came out", - "speaker": "MARY" - }, - { - "phrase": " because we were losing oil bad", - "speaker": "MARY" - }, - { - "phrase": " going from Billings to Crow", - "speaker": "MARY" - }, - { - "phrase": " um", - "speaker": "MARY" - }, - { - "phrase": " there's lot of...", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " smoke coming out", - "speaker": "MARY" - }, - { - "phrase": " and by the time we got to Hardin", - "speaker": "MARY" - }, - { - "phrase": " we had to put like uh", - "speaker": "MARY" - }, - { - "phrase": " three or four quarts in.", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " It was three.", - "speaker": "MARY" - }, - { - "phrase": " And", - "speaker": "MARY" - }, - { - "phrase": " by the time we got to...", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Crow", - "speaker": "MARY" - }, - { - "phrase": " it was", - "speaker": "MARY" - }, - { - "phrase": " it was one quart low.", - "speaker": "MARY" - }, - { - "phrase": " And there was smoke still coming from under the engine", - "speaker": "MARY" - }, - { - "phrase": " I figure if it was losing that much oil", - "speaker": "MARY" - }, - { - "phrase": " then it caught fire.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Cause the engine was hot", - "speaker": "MARY" - }, - { - "phrase": " cause there wasn't enough water in the radiator.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " I talked to Oscar about it", - "speaker": "MARY" - }, - { - "phrase": " and he said", - "speaker": "MARY" - }, - { - "phrase": " well I checked", - "speaker": "MARY" - }, - { - "phrase": " it was only", - "speaker": "MARY" - }, - { - "phrase": " it was only about", - "speaker": "MARY" - }, - { - "phrase": " I'd say half quart to quart short of water.", - "speaker": "MARY" - }, - { - "phrase": " But that shouldn't make any difference.", - "speaker": "MARY" - }, - { - "phrase": " He goes the only thing I can think of", - "speaker": "MARY" - }, - { - "phrase": " is that there was an air lock in there.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " And that running the engine out on the open road ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Caused that air lock to come through.", - "speaker": "MARY" - }, - { - "phrase": " flushed it out.", - "speaker": "MARY" - }, - { - "phrase": " And bust the gasket ?", - "speaker": "ALIC" - }, - { - "phrase": " No", - "speaker": "MARY" - }, - { - "phrase": " it would more or less um", - "speaker": "MARY" - }, - { - "phrase": " the engine wasn't being kept cool enough.", - "speaker": "MARY" - }, - { - "phrase": " Cause there wasn't enough fluid in the radiator.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " And", - "speaker": "MARY" - }, - { - "phrase": " you know how the radiator's", - "speaker": "MARY" - }, - { - "phrase": " the pipe's close to other parts of the engine ?", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " So what...", - "speaker": "ALIC" - }, - { - "phrase": " It was some part in there.", - "speaker": "MARY" - }, - { - "phrase": " caused the fire.", - "speaker": "ALIC" - }, - { - "phrase": " The engine being too hot", - "speaker": "MARY" - }, - { - "phrase": " and the oil leaking.", - "speaker": "MARY" - }, - { - "phrase": " So he knew that the oil was leaking ?", - "speaker": "ALIC" - }, - { - "phrase": " No", - "speaker": "MARY" - }, - { - "phrase": " we knew we were losing oil", - "speaker": "MARY" - }, - { - "phrase": " but we didn't know where.", - "speaker": "MARY" - }, - { - "phrase": " I just figured it was from that valve cover gasket.", - "speaker": "MARY" - }, - { - "phrase": " Just from lifting up the hood and looking at it.", - "speaker": "MARY" - }, - { - "phrase": " So what's he gonna do.", - "speaker": "ALIC" - }, - { - "phrase": " Well", - "speaker": "MARY" - }, - { - "phrase": " ʔand two of his wires", - "speaker": "MARY" - }, - { - "phrase": " the sparkplug wires ?", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " were fried all the way through.", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " So we took those off and we", - "speaker": "MARY" - }, - { - "phrase": " replaced them with some old ones out of the garage.", - "speaker": "MARY" - }, - { - "phrase": " I knew that.", - "speaker": "ALIC" - }, - { - "phrase": " And it runs.", - "speaker": "MARY" - }, - { - "phrase": " It runs.", - "speaker": "MARY" - }, - { - "phrase": " There's enough uh", - "speaker": "MARY" - }, - { - "phrase": " radiator fluid in there.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " so that it will", - "speaker": "MARY" - }, - { - "phrase": " It's it's enough.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " But I think running it out on the open road", - "speaker": "MARY" - }, - { - "phrase": " will cause it possibly to shoot more oil out.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " That valve cover gasket has to be replaced.", - "speaker": "MARY" - }, - { - "phrase": " Hm.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " Oh I freaked Cookie and", - "speaker": "MARY" - }, - { - "phrase": " Rita and", - "speaker": "MARY" - }, - { - "phrase": " Gary out tonight.", - "speaker": "MARY" - }, - { - "phrase": " Remember the Plainfeather uh Claypit ?", - "speaker": "MARY" - }, - { - "phrase": " where that red clay is ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Right there.", - "speaker": "MARY" - }, - { - "phrase": " I saw my my speedometer just go Brr.", - "speaker": "MARY" - }, - { - "phrase": " like that just down.", - "speaker": "MARY" - }, - { - "phrase": " You know", - "speaker": "MARY" - }, - { - "phrase": " and I knew exactly what it was.", - "speaker": "MARY" - }, - { - "phrase": " What I have to do", - "speaker": "MARY" - }, - { - "phrase": " is take off the distributor wire", - "speaker": "MARY" - }, - { - "phrase": " and splice it in with the fuel pump wire.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Because my fuel pump is now electric", - "speaker": "MARY" - }, - { - "phrase": " Never used to be.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Hand me that ashtray.", - "speaker": "MARY" - }, - { - "phrase": " Or your light", - "speaker": "MARY" - }, - { - "phrase": " I mean.", - "speaker": "MARY" - }, - { - "phrase": " Your light.", - "speaker": "MARY" - }, - { - "phrase": " It's behind the sewing machine.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " And uh", - "speaker": "MARY" - }, - { - "phrase": " sometimes it gets loose.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " And no more fuel.", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " So I stopped the car", - "speaker": "MARY" - }, - { - "phrase": " and they said what are you doing.", - "speaker": "MARY" - }, - { - "phrase": " I said", - "speaker": "MARY" - }, - { - "phrase": " oh", - "speaker": "MARY" - }, - { - "phrase": " I gotta tighten this wire here.", - "speaker": "MARY" - }, - { - "phrase": " So I had Cookie turn on the ignition and turn it off.", - "speaker": "MARY" - }, - { - "phrase": " So", - "speaker": "MARY" - }, - { - "phrase": " cause see", - "speaker": "MARY" - }, - { - "phrase": " once you turn that key on", - "speaker": "MARY" - }, - { - "phrase": " then you hear theʔ", - "speaker": "MARY" - }, - { - "phrase": " the fuel pump come on.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And if the wire's not connected right", - "speaker": "MARY" - }, - { - "phrase": " it doesn't come on.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " So I did that", - "speaker": "MARY" - }, - { - "phrase": " and I lit match to find out where I was", - "speaker": "MARY" - }, - { - "phrase": " and", - "speaker": "MARY" - }, - { - "phrase": " after everything was hunkydory", - "speaker": "MARY" - }, - { - "phrase": " then I", - "speaker": "MARY" - }, - { - "phrase": " shut the hood", - "speaker": "MARY" - }, - { - "phrase": " and got back in", - "speaker": "MARY" - }, - { - "phrase": " and I started up the engine and", - "speaker": "MARY" - }, - { - "phrase": " both Gary and Rita were sitting on the edges of their seat.", - "speaker": "MARY" - }, - { - "phrase": " And I turned around and I looked", - "speaker": "MARY" - }, - { - "phrase": " and I said", - "speaker": "MARY" - }, - { - "phrase": " did I scare you kids ?", - "speaker": "MARY" - }, - { - "phrase": " They wouldn't say anything", - "speaker": "MARY" - }, - { - "phrase": " then Gary goes", - "speaker": "MARY" - }, - { - "phrase": " yeah", - "speaker": "MARY" - }, - { - "phrase": " I was scared.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " But I freakedthemout", - "speaker": "MARY" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " Then daddy said something about the steering column on my car needing work ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Said long as I don't drive it fast", - "speaker": "MARY" - }, - { - "phrase": " it should be alright.", - "speaker": "MARY" - }, - { - "phrase": " But oh man I don't know.", - "speaker": "MARY" - }, - { - "phrase": " See the thing about it is", - "speaker": "MARY" - }, - { - "phrase": " if I go after Ken", - "speaker": "MARY" - }, - { - "phrase": " I'm not really gonna have any money.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " to um", - "speaker": "MARY" - }, - { - "phrase": " you know", - "speaker": "MARY" - }, - { - "phrase": " do things.", - "speaker": "MARY" - }, - { - "phrase": " I'm not saying I'm gonna pay for everything", - "speaker": "MARY" - }, - { - "phrase": " but", - "speaker": "MARY" - }, - { - "phrase": " I don't want to be broke around him.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " I know", - "speaker": "ALIC" - }, - { - "phrase": " that really sucks.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I wanna at least be able to put gas in the car.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " and go do something.", - "speaker": "MARY" - }, - { - "phrase": " I don't think it's such good idea for you to go up there in the winter.", - "speaker": "ALIC" - }, - { - "phrase": " Mm.", - "speaker": "MARY" - }, - { - "phrase": " I've been thinking about that.", - "speaker": "MARY" - }, - { - "phrase": " We should all get some money together and", - "speaker": "ALIC" - }, - { - "phrase": " is there any way he could like.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " meet us in Great Falls or something ?", - "speaker": "ALIC" - }, - { - "phrase": " Cause I'd like to go up there and go to the", - "speaker": "ALIC" - }, - { - "phrase": " um", - "speaker": "ALIC" - }, - { - "phrase": " Red Lobster ?", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I've been just", - "speaker": "ALIC" - }, - { - "phrase": " craving seafood.", - "speaker": "ALIC" - }, - { - "phrase": " That's the halfway point", - "speaker": "MARY" - }, - { - "phrase": " he could do it.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " I bet he could do it.", - "speaker": "MARY" - }, - { - "phrase": " When though.", - "speaker": "MARY" - }, - { - "phrase": " I don't know.", - "speaker": "ALIC" - }, - { - "phrase": " He goes back to school like the second.", - "speaker": "MARY" - }, - { - "phrase": " ʔuh", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "ALIC" - }, - { - "phrase": " shoot.", - "speaker": "ALIC" - }, - { - "phrase": " Well isn't there any way", - "speaker": "ALIC" - }, - { - "phrase": " like we.", - "speaker": "ALIC" - }, - { - "phrase": " that we could just meet him up there and", - "speaker": "ALIC" - }, - { - "phrase": " maybe...", - "speaker": "ALIC" - }, - { - "phrase": " What", - "speaker": "MARY" - }, - { - "phrase": " bring him down ?", - "speaker": "MARY" - }, - { - "phrase": " Bring him down", - "speaker": "ALIC" - }, - { - "phrase": " or", - "speaker": "ALIC" - }, - { - "phrase": " I don't wanna take your car.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " I was gonna ask you and mom", - "speaker": "ALIC" - }, - { - "phrase": " too", - "speaker": "ALIC" - }, - { - "phrase": " if you could um", - "speaker": "ALIC" - }, - { - "phrase": " take care of Trace for couple days next week.", - "speaker": "ALIC" - }, - { - "phrase": " Oh ?", - "speaker": "MARY" - }, - { - "phrase": " What you got in mind.", - "speaker": "MARY" - }, - { - "phrase": " I need to get caught up on my work.", - "speaker": "ALIC" - }, - { - "phrase": " Wednesday I have an appointment at nine thirty.", - "speaker": "MARY" - }, - { - "phrase": " Mom's off", - "speaker": "ALIC" - }, - { - "phrase": " isn't she ?", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " that's right.", - "speaker": "MARY" - }, - { - "phrase": " That's right.", - "speaker": "MARY" - }, - { - "phrase": " Yeah I think that'd", - "speaker": "ALIC" - }, - { - "phrase": " I think that'd um", - "speaker": "ALIC" - }, - { - "phrase": " work out", - "speaker": "ALIC" - }, - { - "phrase": " like if she had to go shopping or something maybe you could go with her", - "speaker": "ALIC" - }, - { - "phrase": " and help her with him ?", - "speaker": "ALIC" - }, - { - "phrase": "And Nicky helps her with him a lot anyway.", - "speaker": "ALIC" - }, - { - "phrase": " And then of course he adores me.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " I remember I was pregnant with Nicky.", - "speaker": "MARY" - }, - { - "phrase": " And uh", - "speaker": "MARY" - }, - { - "phrase": " Boots's little boy", - "speaker": "MARY" - }, - { - "phrase": " he really liked me.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " when I was pregnant with her ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " ʔuh You know how it is when we're pregnant", - "speaker": "MARY" - }, - { - "phrase": " we get real sleepy ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " I'd fall asleep on the couch", - "speaker": "MARY" - }, - { - "phrase": " and he'd lay by me.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And he'd fall asleep with me.", - "speaker": "MARY" - }, - { - "phrase": " And I remember he would.", - "speaker": "MARY" - }, - { - "phrase": " I woke up", - "speaker": "MARY" - }, - { - "phrase": " and here he was gone", - "speaker": "MARY" - }, - { - "phrase": " his mother carried him in the other room.", - "speaker": "MARY" - }, - { - "phrase": " Mhm", - "speaker": "ALIC" - }, - { - "phrase": " and God", - "speaker": "MARY" - }, - { - "phrase": " that kind of pissed me off.", - "speaker": "MARY" - }, - { - "phrase": " Was.", - "speaker": "ALIC" - }, - { - "phrase": " Would um", - "speaker": "ALIC" - }, - { - "phrase": " Was Nicky mad when Trace was boy ?", - "speaker": "ALIC" - }, - { - "phrase": " Kind of.", - "speaker": "MARY" - }, - { - "phrase": " She thinks I should have twins.", - "speaker": "MARY" - }, - { - "phrase": " Twin girls.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " But I don't think she'll realize the uh", - "speaker": "MARY" - }, - { - "phrase": " sibling rivalry.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " But I don't know", - "speaker": "MARY" - }, - { - "phrase": " she's six years old now.", - "speaker": "MARY" - }, - { - "phrase": " And they say that if there's six years between children", - "speaker": "MARY" - }, - { - "phrase": " there's not that much rivalry.", - "speaker": "MARY" - }, - { - "phrase": " After four there's almost none.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Cause they're.", - "speaker": "MARY" - }, - { - "phrase": " Four is ideal.", - "speaker": "ALIC" - }, - { - "phrase": " they're kind of in different worlds.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " Because", - "speaker": "ALIC" - }, - { - "phrase": " see", - "speaker": "ALIC" - }, - { - "phrase": " Trace will be", - "speaker": "ALIC" - }, - { - "phrase": " the next time I have baby", - "speaker": "ALIC" - }, - { - "phrase": " Trace will probably be", - "speaker": "ALIC" - }, - { - "phrase": " about three ?", - "speaker": "ALIC" - }, - { - "phrase": " four ?", - "speaker": "ALIC" - }, - { - "phrase": " Hm.", - "speaker": "MARY" - }, - { - "phrase": " That's when I'm gonna get this shit taken out.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " Tammy Kashen has one of these too.", - "speaker": "ALIC" - }, - { - "phrase": " What is it.", - "speaker": "MARY" - }, - { - "phrase": " Norplant ?", - "speaker": "ALIC" - }, - { - "phrase": " Oh really.", - "speaker": "MARY" - }, - { - "phrase": " Deon told me.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I asked him what his intentions were with her.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I told him I thought he was too young to be so involved.", - "speaker": "ALIC" - }, - { - "phrase": " Gwen was telling me that", - "speaker": "MARY" - }, - { - "phrase": " Did she talk to you lately ?", - "speaker": "MARY" - }, - { - "phrase": " Hmm.", - "speaker": "ALIC" - }, - { - "phrase": " They had cyst on her ovary.", - "speaker": "MARY" - }, - { - "phrase": " And they had to go in and take it out ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Take out that cyst ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And it's really screwed up her uh.", - "speaker": "MARY" - }, - { - "phrase": " menstrual.", - "speaker": "ALIC" - }, - { - "phrase": " cycle ?", - "speaker": "ALIC" - }, - { - "phrase": " her cycle", - "speaker": "MARY" - }, - { - "phrase": " her", - "speaker": "MARY" - }, - { - "phrase": " her hormones ?", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " And they said that she might have to get pregnant again", - "speaker": "MARY" - }, - { - "phrase": " just to straighten it out.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " So", - "speaker": "MARY" - }, - { - "phrase": " and then she goes", - "speaker": "MARY" - }, - { - "phrase": " so tell.", - "speaker": "MARY" - }, - { - "phrase": " tell Deon.", - "speaker": "MARY" - }, - { - "phrase": " And she really laughed.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " I don't know if Tammy would be too happy with that though.", - "speaker": "MARY" - }, - { - "phrase": " Seems to me that she's trying to straighten herself out", - "speaker": "MARY" - }, - { - "phrase": " and", - "speaker": "MARY" - }, - { - "phrase": " pursue family.", - "speaker": "MARY" - }, - { - "phrase": " Tammy ?", - "speaker": "ALIC" - }, - { - "phrase": " What do you think.", - "speaker": "MARY" - }, - { - "phrase": " I don't know.", - "speaker": "ALIC" - }, - { - "phrase": " Or do you think it might be matter of convenience.", - "speaker": "MARY" - }, - { - "phrase": " I think it's convenience for both of em.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah ?", - "speaker": "MARY" - }, - { - "phrase": " Yeah ?", - "speaker": "MARY" - }, - { - "phrase": " It's also convenience for Cookie.", - "speaker": "ALIC" - }, - { - "phrase": " Oh yeah.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - } - ] - }, - "id": 9 - }, - { - "completions": [ - { - "created_at": 1615282019, - "id": 10001, - "lead_time": 82214.701, - "result": [ - { - "from_name": "actions", - "id": "Zf80qcndIg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "55", - "endOffset": 27, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "55", - "startOffset": 0, - "text": " I'd probably just slap em." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Zf80qcndIg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "55", - "endOffset": 27, - "start": "55", - "startOffset": 0, - "text": " I'd probably just slap em." - } - }, - { - "from_name": "actions", - "id": "D_7KlTazG2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "60", - "endOffset": 19, - "paragraphlabels": [ - "Open" - ], - "start": "59", - "startOffset": 1, - "text": "She's not even looking at me.\n She's just looking" - } - }, - { - "from_name": "taxonomyOpen", - "id": "D_7KlTazG2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "60", - "endOffset": 19, - "start": "59", - "startOffset": 1, - "text": "She's not even looking at me.\n She's just looking" - } - }, - { - "from_name": "actions", - "id": "pf06lI2AZa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "62", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "62", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "pf06lI2AZa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "62", - "endOffset": 8, - "start": "62", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "m9tDxZW4bd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "63", - "endOffset": 31, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "63", - "startOffset": 0, - "text": " That's what I'm talking about." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "m9tDxZW4bd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "63", - "endOffset": 31, - "start": "63", - "startOffset": 0, - "text": " That's what I'm talking about." - } - }, - { - "from_name": "taxonomySustain", - "id": "m9tDxZW4bd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "63", - "endOffset": 31, - "start": "63", - "startOffset": 0, - "text": " That's what I'm talking about." - } - }, - { - "from_name": "actions", - "id": "QtVGQrtyds", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "87", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "87", - "startOffset": 0, - "text": " Even for the top one ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "QtVGQrtyds", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "87", - "endOffset": 23, - "start": "87", - "startOffset": 0, - "text": " Even for the top one ?" - } - }, - { - "from_name": "actions", - "id": "ouUcrdcmWP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "0", - "endOffset": 31, - "paragraphlabels": [ - "Open" - ], - "start": "0", - "startOffset": 0, - "text": " Am I doing that right so far ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "ouUcrdcmWP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Opinion" - ], - "end": "0", - "endOffset": 31, - "start": "0", - "startOffset": 0, - "text": " Am I doing that right so far ?" - } - }, - { - "from_name": "actions", - "id": "FwNAl03BFX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "1", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "1", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FwNAl03BFX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "1", - "endOffset": 5, - "start": "1", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "ktQBkiKppA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "2", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "2", - "startOffset": 0, - "text": " All the way down to that ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ktQBkiKppA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "2", - "endOffset": 27, - "start": "2", - "startOffset": 0, - "text": " All the way down to that ?" - } - }, - { - "from_name": "actions", - "id": "jz_JGz6ODZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "4", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "3", - "startOffset": 1, - "text": "Mhm.\n I think." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jz_JGz6ODZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "4", - "endOffset": 9, - "start": "3", - "startOffset": 1, - "text": "Mhm.\n I think." - } - }, - { - "from_name": "actions", - "id": "1RxyMml4tL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "5", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "5", - "startOffset": 0, - "text": " I don't think I am." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "1RxyMml4tL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "5", - "endOffset": 20, - "start": "5", - "startOffset": 0, - "text": " I don't think I am." - } - }, - { - "from_name": "actions", - "id": "-PAuF17fmG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "6", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "6", - "startOffset": 1, - "text": "Do you ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-PAuF17fmG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "6", - "endOffset": 9, - "start": "6", - "startOffset": 1, - "text": "Do you ?" - } - }, - { - "from_name": "actions", - "id": "MgqTCZiNJQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "7", - "endOffset": 43, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "7", - "startOffset": 1, - "text": "And you'd have to have that plus or minus." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "MgqTCZiNJQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Refute" - ], - "end": "7", - "endOffset": 43, - "start": "7", - "startOffset": 1, - "text": "And you'd have to have that plus or minus." - } - }, - { - "from_name": "actions", - "id": "zlKVhCF_gI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "9", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "9", - "startOffset": 1, - "text": "What." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "zlKVhCF_gI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "9", - "endOffset": 6, - "start": "9", - "startOffset": 1, - "text": "What." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "zlKVhCF_gI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "9", - "endOffset": 6, - "start": "9", - "startOffset": 1, - "text": "What." - } - }, - { - "from_name": "actions", - "id": "lW1kwUTkq1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "10", - "endOffset": 37, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "10", - "startOffset": 1, - "text": "I don't know what I did to get that." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "lW1kwUTkq1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "10", - "endOffset": 37, - "start": "10", - "startOffset": 1, - "text": "I don't know what I did to get that." - } - }, - { - "from_name": "actions", - "id": "hlQNBtty5F", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "11", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "11", - "startOffset": 0, - "text": " Where did I get that square root." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "hlQNBtty5F", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "11", - "endOffset": 34, - "start": "11", - "startOffset": 0, - "text": " Where did I get that square root." - } - }, - { - "from_name": "taxonomySustain", - "id": "hlQNBtty5F", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "11", - "endOffset": 34, - "start": "11", - "startOffset": 0, - "text": " Where did I get that square root." - } - }, - { - "from_name": "actions", - "id": "u09o822C2H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "13", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "12", - "startOffset": 1, - "text": "um\n ex squared." - } - }, - { - "from_name": "taxonomySustain", - "id": "u09o822C2H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "13", - "endOffset": 12, - "start": "12", - "startOffset": 1, - "text": "um\n ex squared." - } - }, - { - "from_name": "actions", - "id": "AkWOlYTCbV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "14", - "endOffset": 36, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "14", - "startOffset": 0, - "text": " Because you brought this over here." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "AkWOlYTCbV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "14", - "endOffset": 36, - "start": "14", - "startOffset": 0, - "text": " Because you brought this over here." - } - }, - { - "from_name": "actions", - "id": "lAxyQbJqb1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "15", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "15", - "startOffset": 0, - "text": " You brought three over here." - } - }, - { - "from_name": "taxonomySustain", - "id": "lAxyQbJqb1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "15", - "endOffset": 29, - "start": "15", - "startOffset": 0, - "text": " You brought three over here." - } - }, - { - "from_name": "actions", - "id": "8_IkhWPS_Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "16", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "16", - "startOffset": 0, - "text": " divided by three" - } - }, - { - "from_name": "taxonomySustain", - "id": "8_IkhWPS_Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "16", - "endOffset": 17, - "start": "16", - "startOffset": 0, - "text": " divided by three" - } - }, - { - "from_name": "actions", - "id": "w-b9faJaO_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "17", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "17", - "startOffset": 1, - "text": "and then you have ex squared" - } - }, - { - "from_name": "taxonomySustain", - "id": "w-b9faJaO_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "17", - "endOffset": 29, - "start": "17", - "startOffset": 1, - "text": "and then you have ex squared" - } - }, - { - "from_name": "actions", - "id": "Os7CiQ666e", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "19", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "18", - "startOffset": 1, - "text": "so if you want to find ex\n you have the square root of ex squared." - } - }, - { - "from_name": "taxonomySustain", - "id": "Os7CiQ666e", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "19", - "endOffset": 40, - "start": "18", - "startOffset": 1, - "text": "so if you want to find ex\n you have the square root of ex squared." - } - }, - { - "from_name": "actions", - "id": "8ImDjAdjLg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "21", - "endOffset": 52, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "20", - "startOffset": 0, - "text": " I guess all I can't figure out is\n what the square root of negative two two thirds is." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "8ImDjAdjLg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "21", - "endOffset": 52, - "start": "20", - "startOffset": 0, - "text": " I guess all I can't figure out is\n what the square root of negative two two thirds is." - } - }, - { - "from_name": "actions", - "id": "41RbQDwfga", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "22", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "22", - "startOffset": 0, - "text": " Would that be." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "41RbQDwfga", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "22", - "endOffset": 15, - "start": "22", - "startOffset": 0, - "text": " Would that be." - } - }, - { - "from_name": "actions", - "id": "Kk-jqzcfiI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "23", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "23", - "startOffset": 0, - "text": " square root two." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Kk-jqzcfiI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "23", - "endOffset": 17, - "start": "23", - "startOffset": 0, - "text": " square root two." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Kk-jqzcfiI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "23", - "endOffset": 17, - "start": "23", - "startOffset": 0, - "text": " square root two." - } - }, - { - "from_name": "actions", - "id": "dYRnlHzFY1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "24", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "24", - "startOffset": 0, - "text": " square root two thirds ?" - } - }, - { - "from_name": "actions", - "id": "v2CZzX056w", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "25", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "25", - "startOffset": 0, - "text": " over three" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "v2CZzX056w", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Repair" - ], - "end": "25", - "endOffset": 11, - "start": "25", - "startOffset": 0, - "text": " over three" - } - }, - { - "from_name": "actions", - "id": "LRAvMFZFaE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "26", - "endOffset": 31, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "26", - "startOffset": 1, - "text": "The whole thing would be over." - } - }, - { - "from_name": "taxonomySustain", - "id": "LRAvMFZFaE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "26", - "endOffset": 31, - "start": "26", - "startOffset": 1, - "text": "The whole thing would be over." - } - }, - { - "from_name": "actions", - "id": "ytrkqfuzgX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "32", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "32", - "startOffset": 1, - "text": "But then you got the other one Nathan." - } - }, - { - "from_name": "taxonomySustain", - "id": "ytrkqfuzgX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "32", - "endOffset": 39, - "start": "32", - "startOffset": 1, - "text": "But then you got the other one Nathan." - } - }, - { - "from_name": "actions", - "id": "_lgtaMVZcC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "35", - "endOffset": 4, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "33", - "startOffset": 1, - "text": "Oh\n gosh\n hm." - } - }, - { - "from_name": "actions", - "id": "8KmRnh3OKS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "37", - "endOffset": 28, - "paragraphlabels": [ - "Open" - ], - "start": "36", - "startOffset": 0, - "text": " Leah.\n She snoozing on the floor ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "8KmRnh3OKS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "37", - "endOffset": 28, - "start": "36", - "startOffset": 0, - "text": " Leah.\n She snoozing on the floor ?" - } - }, - { - "from_name": "actions", - "id": "feRytZh69F", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "39", - "endOffset": 12, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "38", - "startOffset": 1, - "text": "Mhm.\n Not anymore" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "feRytZh69F", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "39", - "endOffset": 12, - "start": "38", - "startOffset": 1, - "text": "Mhm.\n Not anymore" - } - }, - { - "from_name": "actions", - "id": "VNwfssRX19", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "40", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "40", - "startOffset": 0, - "text": " you woke her up." - } - }, - { - "from_name": "taxonomySustain", - "id": "VNwfssRX19", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "40", - "endOffset": 17, - "start": "40", - "startOffset": 0, - "text": " you woke her up." - } - }, - { - "from_name": "actions", - "id": "N2P4sGSCW9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "43", - "endOffset": 27, - "paragraphlabels": [ - "Open" - ], - "start": "43", - "startOffset": 0, - "text": " She's doing the karate kid" - } - }, - { - "from_name": "taxonomyOpen", - "id": "N2P4sGSCW9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "43", - "endOffset": 27, - "start": "43", - "startOffset": 0, - "text": " She's doing the karate kid" - } - }, - { - "from_name": "actions", - "id": "xWw48SOUJJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "44", - "endOffset": 8, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "44", - "startOffset": 0, - "text": " Nathan." - } - }, - { - "from_name": "taxonomySustain", - "id": "xWw48SOUJJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "44", - "endOffset": 8, - "start": "44", - "startOffset": 0, - "text": " Nathan." - } - }, - { - "from_name": "actions", - "id": "Bq470eZLcr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "46", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "45", - "startOffset": 0, - "text": " She's like\n leave me alone." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Bq470eZLcr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "46", - "endOffset": 16, - "start": "45", - "startOffset": 0, - "text": " She's like\n leave me alone." - } - }, - { - "from_name": "actions", - "id": "NT9acENOXc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "47", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "47", - "startOffset": 0, - "text": " Do I deserve this." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "NT9acENOXc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "47", - "endOffset": 19, - "start": "47", - "startOffset": 0, - "text": " Do I deserve this." - } - }, - { - "from_name": "actions", - "id": "jkUi7xMep4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "51", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "50", - "startOffset": 0, - "text": " I mean how would you like it\n when you're laying in bed." - } - }, - { - "from_name": "taxonomySustain", - "id": "jkUi7xMep4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "51", - "endOffset": 27, - "start": "50", - "startOffset": 0, - "text": " I mean how would you like it\n when you're laying in bed." - } - }, - { - "from_name": "actions", - "id": "nWl75GNbFF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "54", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "53", - "startOffset": 0, - "text": " somebody just grabbed your arm\n started swinging it around." - } - }, - { - "from_name": "actions", - "id": "oCEWWXJB-_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "58", - "endOffset": 34, - "paragraphlabels": [ - "Open" - ], - "start": "56", - "startOffset": 0, - "text": " Ex squared equals one over the square root of that\n the square root of that\n ex equals the square root of one." - } - }, - { - "from_name": "taxonomyOpen", - "id": "oCEWWXJB-_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "58", - "endOffset": 34, - "start": "56", - "startOffset": 0, - "text": " Ex squared equals one over the square root of that\n the square root of that\n ex equals the square root of one." - } - }, - { - "from_name": "actions", - "id": "-8AXOrmvMD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "61", - "endOffset": 8, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "61", - "startOffset": 1, - "text": "like..." - } - }, - { - "from_name": "taxonomySustain", - "id": "-8AXOrmvMD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "61", - "endOffset": 8, - "start": "61", - "startOffset": 1, - "text": "like..." - } - }, - { - "from_name": "actions", - "id": "7ypJSTEMXy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "67", - "endOffset": 26, - "paragraphlabels": [ - "Open" - ], - "start": "65", - "startOffset": 1, - "text": "So.\n would that one be\n square root of one half ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "7ypJSTEMXy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "67", - "endOffset": 26, - "start": "65", - "startOffset": 1, - "text": "So.\n would that one be\n square root of one half ?" - } - }, - { - "from_name": "actions", - "id": "P_4gah7DDP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "68", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "68", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "P_4gah7DDP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "68", - "endOffset": 5, - "start": "68", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "kz_AwfxmWs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "69", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "69", - "startOffset": 0, - "text": " It would ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "kz_AwfxmWs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "69", - "endOffset": 11, - "start": "69", - "startOffset": 0, - "text": " It would ?" - } - }, - { - "from_name": "actions", - "id": "dUJ8kmtSbl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "71", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "70", - "startOffset": 0, - "text": " Mhm.\n Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "dUJ8kmtSbl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "71", - "endOffset": 5, - "start": "70", - "startOffset": 0, - "text": " Mhm.\n Yep." - } - }, - { - "from_name": "actions", - "id": "m3JrwkXheD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "72", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "72", - "startOffset": 1, - "text": "But do y'all have to do that" - } - }, - { - "from_name": "taxonomySustain", - "id": "m3JrwkXheD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "72", - "endOffset": 29, - "start": "72", - "startOffset": 1, - "text": "But do y'all have to do that" - } - }, - { - "from_name": "actions", - "id": "MJfLLqijiB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "74", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "73", - "startOffset": 1, - "text": "um\n you have to like" - } - }, - { - "from_name": "taxonomySustain", - "id": "MJfLLqijiB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "74", - "endOffset": 17, - "start": "73", - "startOffset": 1, - "text": "um\n you have to like" - } - }, - { - "from_name": "actions", - "id": "4cSycYw701", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "75", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "75", - "startOffset": 1, - "text": "have it where you do that" - } - }, - { - "from_name": "taxonomySustain", - "id": "4cSycYw701", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "75", - "endOffset": 26, - "start": "75", - "startOffset": 1, - "text": "have it where you do that" - } - }, - { - "from_name": "actions", - "id": "7ooteiFGGF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "78", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "76", - "startOffset": 1, - "text": "there's no\n um.\n fraction under..." - } - }, - { - "from_name": "taxonomySustain", - "id": "7ooteiFGGF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "78", - "endOffset": 18, - "start": "76", - "startOffset": 1, - "text": "there's no\n um.\n fraction under..." - } - }, - { - "from_name": "actions", - "id": "GNmHtYIPFD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "88", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "88", - "startOffset": 1, - "text": "Even for that one ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GNmHtYIPFD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "88", - "endOffset": 20, - "start": "88", - "startOffset": 1, - "text": "Even for that one ?" - } - }, - { - "from_name": "actions", - "id": "GSak9N4zuE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "89", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "89", - "startOffset": 1, - "text": "No." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "GSak9N4zuE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "89", - "endOffset": 4, - "start": "89", - "startOffset": 1, - "text": "No." - } - }, - { - "from_name": "actions", - "id": "6xKvb9KTRV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "91", - "endOffset": 32, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "91", - "startOffset": 0, - "text": " I'm talking about for this one." - } - }, - { - "from_name": "taxonomySustain", - "id": "6xKvb9KTRV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "91", - "endOffset": 32, - "start": "91", - "startOffset": 0, - "text": " I'm talking about for this one." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "6xKvb9KTRV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Re-challenge" - ], - "end": "91", - "endOffset": 32, - "start": "91", - "startOffset": 0, - "text": " I'm talking about for this one." - } - }, - { - "from_name": "actions", - "id": "tdPKFo8Kwq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "92", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "92", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tdPKFo8Kwq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "92", - "endOffset": 4, - "start": "92", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "actions", - "id": "buBz-XPlhR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "94", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "93", - "startOffset": 1, - "text": "All you do is like go\n two over one." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "buBz-XPlhR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "94", - "endOffset": 14, - "start": "93", - "startOffset": 1, - "text": "All you do is like go\n two over one." - } - }, - { - "from_name": "actions", - "id": "qFpgyRz69u", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "95", - "endOffset": 33, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "95", - "startOffset": 0, - "text": " You have the square root of one." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "qFpgyRz69u", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "95", - "endOffset": 33, - "start": "95", - "startOffset": 0, - "text": " You have the square root of one." - } - }, - { - "from_name": "actions", - "id": "EkWscOdvu2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "97", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "96", - "startOffset": 0, - "text": " like that\n right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "EkWscOdvu2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "97", - "endOffset": 8, - "start": "96", - "startOffset": 0, - "text": " like that\n right ?" - } - }, - { - "from_name": "actions", - "id": "TnVgKYBz2v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "98", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "98", - "startOffset": 1, - "text": "Mm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "TnVgKYBz2v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "98", - "endOffset": 4, - "start": "98", - "startOffset": 1, - "text": "Mm." - } - }, - { - "from_name": "actions", - "id": "Z32KK3F4oO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "28", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "27", - "startOffset": 1, - "text": "Well.\n No it couldn't be." - } - }, - { - "from_name": "taxonomySustain", - "id": "Z32KK3F4oO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "28", - "endOffset": 19, - "start": "27", - "startOffset": 1, - "text": "Well.\n No it couldn't be." - } - }, - { - "from_name": "actions", - "id": "tz8w8MDfAv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "29", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "29", - "startOffset": 1, - "text": "Square root of two thirds" - } - }, - { - "from_name": "taxonomySustain", - "id": "tz8w8MDfAv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "29", - "endOffset": 26, - "start": "29", - "startOffset": 1, - "text": "Square root of two thirds" - } - }, - { - "from_name": "actions", - "id": "nqjsImLrQS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "30", - "endOffset": 6, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "30", - "startOffset": 1, - "text": "yeah." - } - }, - { - "from_name": "actions", - "id": "8ayUXcWtJC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "64", - "endOffset": 5, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "64", - "startOffset": 0, - "text": "PAUSE" - } - }, - { - "from_name": "actions", - "id": "mzjHthaxHh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "80", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "79", - "startOffset": 1, - "text": "ʔuh under the\n in the denominator ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "mzjHthaxHh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "80", - "endOffset": 21, - "start": "79", - "startOffset": 1, - "text": "ʔuh under the\n in the denominator ?" - } - }, - { - "from_name": "actions", - "id": "moHR_KKAD9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "81", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "81", - "startOffset": 0, - "text": " I mean no fraction under the..." - } - }, - { - "from_name": "taxonomySustain", - "id": "moHR_KKAD9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "81", - "endOffset": 32, - "start": "81", - "startOffset": 0, - "text": " I mean no fraction under the..." - } - }, - { - "from_name": "actions", - "id": "yKOxfzzMIT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "82", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "82", - "startOffset": 1, - "text": "Oh yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "yKOxfzzMIT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "82", - "endOffset": 9, - "start": "82", - "startOffset": 1, - "text": "Oh yeah." - } - }, - { - "from_name": "actions", - "id": "zOuugPqV7z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "85", - "endOffset": 45, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "83", - "startOffset": 0, - "text": " So then you just multiply\n the whole thing by the square root of two\n and you get the square root of two over two." - } - }, - { - "from_name": "taxonomySustain", - "id": "zOuugPqV7z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "85", - "endOffset": 45, - "start": "83", - "startOffset": 0, - "text": " So then you just multiply\n the whole thing by the square root of two\n and you get the square root of two over two." - } - }, - { - "from_name": "actions", - "id": "UgxF2UDJVz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "101", - "endOffset": 48, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "99", - "startOffset": 1, - "text": "Since you have the square root of two on the bottom\n to make that square\n you have to multiply by the square root of two." - } - }, - { - "from_name": "taxonomySustain", - "id": "UgxF2UDJVz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "101", - "endOffset": 48, - "start": "99", - "startOffset": 1, - "text": "Since you have the square root of two on the bottom\n to make that square\n you have to multiply by the square root of two." - } - }, - { - "from_name": "actions", - "id": "iiRakmT6aM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "102", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "102", - "startOffset": 1, - "text": "And then you get two" - } - }, - { - "from_name": "taxonomySustain", - "id": "iiRakmT6aM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "102", - "endOffset": 21, - "start": "102", - "startOffset": 1, - "text": "And then you get two" - } - }, - { - "from_name": "actions", - "id": "z-6wRtpwzA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "103", - "endOffset": 51, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "103", - "startOffset": 1, - "text": "and you multiply the top by the square root of two" - } - }, - { - "from_name": "taxonomySustain", - "id": "z-6wRtpwzA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "103", - "endOffset": 51, - "start": "103", - "startOffset": 1, - "text": "and you multiply the top by the square root of two" - } - }, - { - "from_name": "actions", - "id": "Ev1jkYd72u", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "105", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "104", - "startOffset": 0, - "text": " and you get\n square root of two." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ev1jkYd72u", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "105", - "endOffset": 20, - "start": "104", - "startOffset": 0, - "text": " and you get\n square root of two." - } - }, - { - "from_name": "actions", - "id": "fkOWNLFURu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "108", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "108", - "startOffset": 1, - "text": "What" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "fkOWNLFURu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "108", - "endOffset": 12, - "start": "108", - "startOffset": 1, - "text": "What" - } - }, - { - "from_name": "actions", - "id": "bkW-1I7RDd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "109", - "endOffset": 44, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "109", - "startOffset": 1, - "text": "I wanna rewind it and hear that back again." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "bkW-1I7RDd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "109", - "endOffset": 44, - "start": "109", - "startOffset": 1, - "text": "I wanna rewind it and hear that back again." - } - }, - { - "from_name": "actions", - "id": "xLeNBDmKDP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "111", - "endOffset": 57, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "111", - "startOffset": 0, - "text": " Cause I sure didn't catch it the first time" - } - }, - { - "from_name": "taxonomySustain", - "id": "xLeNBDmKDP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "111", - "endOffset": 57, - "start": "111", - "startOffset": 0, - "text": " Cause I sure didn't catch it the first time ." - } - }, - { - "from_name": "actions", - "id": "RuZlbrF91N", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "114", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "113", - "startOffset": 1, - "text": "You got the two\n and you take the square root of two." - } - }, - { - "from_name": "taxonomySustain", - "id": "RuZlbrF91N", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "114", - "endOffset": 37, - "start": "113", - "startOffset": 1, - "text": "You got the two\n and you take the square root of two." - } - }, - { - "from_name": "actions", - "id": "v1nzZDuokT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "116", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "116", - "startOffset": 0, - "text": " and you get the negative two." - } - }, - { - "from_name": "taxonomySustain", - "id": "v1nzZDuokT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "116", - "endOffset": 30, - "start": "116", - "startOffset": 0, - "text": " and you get the negative two." - } - }, - { - "from_name": "actions", - "id": "OfGuKz97I1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "118", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "118", - "startOffset": 1, - "text": "which you take the square." - } - }, - { - "from_name": "taxonomySustain", - "id": "OfGuKz97I1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "118", - "endOffset": 27, - "start": "118", - "startOffset": 1, - "text": "which you take the square." - } - }, - { - "from_name": "actions", - "id": "u4tn8_gJy_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "120", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "120", - "startOffset": 1, - "text": "and it comes to two." - } - }, - { - "from_name": "taxonomySustain", - "id": "u4tn8_gJy_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "120", - "endOffset": 21, - "start": "120", - "startOffset": 1, - "text": "and it comes to two." - } - }, - { - "from_name": "actions", - "id": "48i8uispQL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "122", - "endOffset": 10, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "122", - "startOffset": 0, - "text": " I'm sorry" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "48i8uispQL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Engage" - ], - "end": "122", - "endOffset": 10, - "start": "122", - "startOffset": 0, - "text": " I'm sorry" - } - }, - { - "from_name": "actions", - "id": "O0HeJcSpiz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "125", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "124", - "startOffset": 0, - "text": " So.\n let's talk about this slowly" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "O0HeJcSpiz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "125", - "endOffset": 29, - "start": "124", - "startOffset": 0, - "text": " So.\n let's talk about this slowly" - } - }, - { - "from_name": "actions", - "id": "Q7rbpoX4Ci", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "127", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "126", - "startOffset": 0, - "text": " as I write this down\n as you're saying it." - } - }, - { - "from_name": "taxonomySustain", - "id": "Q7rbpoX4Ci", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "127", - "endOffset": 21, - "start": "126", - "startOffset": 0, - "text": " as I write this down\n as you're saying it." - } - }, - { - "from_name": "actions", - "id": "7F7kEJCm7E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "128", - "endOffset": 10, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "128", - "startOffset": 1, - "text": "Alright ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "7F7kEJCm7E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "128", - "endOffset": 10, - "start": "128", - "startOffset": 1, - "text": "Alright ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "7F7kEJCm7E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "128", - "endOffset": 10, - "start": "128", - "startOffset": 1, - "text": "Alright ?" - } - }, - { - "from_name": "actions", - "id": "D6aIZzgUKu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "129", - "endOffset": 31, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "129", - "startOffset": 1, - "text": "This is what we came out with." - } - }, - { - "from_name": "taxonomySustain", - "id": "D6aIZzgUKu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "129", - "endOffset": 31, - "start": "129", - "startOffset": 1, - "text": "This is what we came out with." - } - }, - { - "from_name": "actions", - "id": "lT4mRZ2d4I", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "130", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "130", - "startOffset": 1, - "text": "Right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "lT4mRZ2d4I", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "130", - "endOffset": 8, - "start": "130", - "startOffset": 1, - "text": "Right ?" - } - }, - { - "from_name": "actions", - "id": "EKvS7QEuxw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "131", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "131", - "startOffset": 0, - "text": " It's." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "EKvS7QEuxw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "131", - "endOffset": 6, - "start": "131", - "startOffset": 0, - "text": " It's." - } - }, - { - "from_name": "actions", - "id": "fohK2TtSlS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "133", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "132", - "startOffset": 1, - "text": "But put it as the square root of one\n over the square root of two." - } - }, - { - "from_name": "taxonomySustain", - "id": "fohK2TtSlS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "133", - "endOffset": 29, - "start": "132", - "startOffset": 1, - "text": "But put it as the square root of one\n over the square root of two." - } - }, - { - "from_name": "actions", - "id": "t9rUVOSnuQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "134", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "134", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "t9rUVOSnuQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "134", - "endOffset": 4, - "start": "134", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "actions", - "id": "ulZcXWYa6K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "136", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "135", - "startOffset": 1, - "text": "And then you multiply that by the square root of two\n over the square root of two." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ulZcXWYa6K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "136", - "endOffset": 29, - "start": "135", - "startOffset": 1, - "text": "And then you multiply that by the square root of two\n over the square root of two." - } - }, - { - "from_name": "actions", - "id": "paAdbKUbcz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "137", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "137", - "startOffset": 1, - "text": "Right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "paAdbKUbcz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "137", - "endOffset": 7, - "start": "137", - "startOffset": 1, - "text": "Right." - } - }, - { - "from_name": "actions", - "id": "VRmm2VBSv0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "139", - "endOffset": 52, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "138", - "startOffset": 1, - "text": "Uh\nis that what all those square root of twos are haha?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "VRmm2VBSv0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "139", - "endOffset": 52, - "start": "138", - "startOffset": 1, - "text": "Uh\nis that what all those square root of twos are haha?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "VRmm2VBSv0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "139", - "endOffset": 52, - "start": "138", - "startOffset": 1, - "text": "Uh\nis that what all those square root of twos are haha?" - } - }, - { - "from_name": "actions", - "id": "-31lcNFcqY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "140", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "140", - "startOffset": 0, - "text": " That's what I was." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-31lcNFcqY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "140", - "endOffset": 19, - "start": "140", - "startOffset": 0, - "text": " That's what I was." - } - }, - { - "from_name": "actions", - "id": "qzF2pCzFmD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "143", - "endOffset": 39, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "143", - "startOffset": 1, - "text": "That's what I was trying to say." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "qzF2pCzFmD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "143", - "endOffset": 39, - "start": "143", - "startOffset": 1, - "text": "That's what I was trying to say." - } - }, - { - "from_name": "actions", - "id": "N8-58d0Drv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "144", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "144", - "startOffset": 0, - "text": " Okay" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "N8-58d0Drv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "144", - "endOffset": 5, - "start": "144", - "startOffset": 0, - "text": " Okay" - } - }, - { - "from_name": "actions", - "id": "D6KfLKPASZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "146", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "145", - "startOffset": 0, - "text": " I was wondering where all that\n square root two" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "D6KfLKPASZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "146", - "endOffset": 16, - "start": "145", - "startOffset": 0, - "text": " I was wondering where all that\n square root two" - } - }, - { - "from_name": "actions", - "id": "8FS0ZBdj3q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "147", - "endOffset": 17, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "147", - "startOffset": 0, - "text": " square root two." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "8FS0ZBdj3q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "147", - "endOffset": 17, - "start": "147", - "startOffset": 0, - "text": " square root two." - } - }, - { - "from_name": "actions", - "id": "VFlPzKBaH-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "148", - "endOffset": 20, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "148", - "startOffset": 1, - "text": "That's what it was." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "VFlPzKBaH-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "148", - "endOffset": 20, - "start": "148", - "startOffset": 1, - "text": "That's what it was." - } - }, - { - "from_name": "actions", - "id": "088xxqf9_N", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "150", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "149", - "startOffset": 1, - "text": "Then right here you'd get\n square root of two over two." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "088xxqf9_N", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "150", - "endOffset": 29, - "start": "149", - "startOffset": 1, - "text": "Then right here you'd get\n square root of two over two." - } - }, - { - "from_name": "actions", - "id": "aKN0-TNfGI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "151", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "151", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "aKN0-TNfGI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "151", - "endOffset": 5, - "start": "151", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "rsOGdPtpLB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "152", - "endOffset": 35, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "152", - "startOffset": 0, - "text": " See everything was square root two" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "rsOGdPtpLB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "152", - "endOffset": 35, - "start": "152", - "startOffset": 0, - "text": " See everything was square root two" - } - }, - { - "from_name": "actions", - "id": "ErJ1Ib6Jan", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "153", - "endOffset": 9, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "153", - "startOffset": 1, - "text": "over two" - } - }, - { - "from_name": "taxonomySustain", - "id": "ErJ1Ib6Jan", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "153", - "endOffset": 9, - "start": "153", - "startOffset": 1, - "text": "over two" - } - }, - { - "from_name": "actions", - "id": "siquzQ6bQo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "154", - "endOffset": 9, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "154", - "startOffset": 0, - "text": " and two." - } - }, - { - "from_name": "taxonomySustain", - "id": "siquzQ6bQo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "154", - "endOffset": 9, - "start": "154", - "startOffset": 0, - "text": " and two." - } - }, - { - "from_name": "actions", - "id": "_AAeIBsKdu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "155", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "155", - "startOffset": 0, - "text": " Right" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_AAeIBsKdu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "155", - "endOffset": 6, - "start": "155", - "startOffset": 0, - "text": " Right" - } - }, - { - "from_name": "actions", - "id": "34_FRuNem9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "157", - "endOffset": 21, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "156", - "startOffset": 0, - "text": " but then\n what about this one." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "34_FRuNem9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "157", - "endOffset": 21, - "start": "156", - "startOffset": 0, - "text": " but then\n what about this one." - } - }, - { - "from_name": "actions", - "id": "a8-hVv7q0e", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "158", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "158", - "startOffset": 1, - "text": "on this one." - } - }, - { - "from_name": "taxonomySustain", - "id": "a8-hVv7q0e", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "158", - "endOffset": 13, - "start": "158", - "startOffset": 1, - "text": "on this one." - } - }, - { - "from_name": "actions", - "id": "thlGVKHN67", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "159", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "159", - "startOffset": 1, - "text": "Let me do this one." - } - }, - { - "from_name": "taxonomySustain", - "id": "thlGVKHN67", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "159", - "endOffset": 20, - "start": "159", - "startOffset": 1, - "text": "Let me do this one." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "thlGVKHN67", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Re-challenge" - ], - "end": "159", - "endOffset": 20, - "start": "159", - "startOffset": 1, - "text": "Let me do this one." - } - }, - { - "from_name": "actions", - "id": "B0cxDnrN2J", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "162", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "161", - "startOffset": 1, - "text": "But\n you have." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "B0cxDnrN2J", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "162", - "endOffset": 10, - "start": "161", - "startOffset": 1, - "text": "But\n you have." - } - }, - { - "from_name": "actions", - "id": "hu5K3Sk9lx", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "164", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "163", - "startOffset": 1, - "text": "you have i square root of three\n over square root of three." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "hu5K3Sk9lx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "164", - "endOffset": 27, - "start": "163", - "startOffset": 1, - "text": "you have i square root of three\n over square root of three." - } - }, - { - "from_name": "actions", - "id": "xVHwG1db8I", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "166", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "165", - "startOffset": 0, - "text": " I mean.\n square root of two over." - } - }, - { - "from_name": "taxonomySustain", - "id": "xVHwG1db8I", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "166", - "endOffset": 25, - "start": "165", - "startOffset": 0, - "text": " I mean.\n square root of two over." - } - }, - { - "from_name": "actions", - "id": "VJjfsIEYmN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "167", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "167", - "startOffset": 1, - "text": "square root of three" - } - }, - { - "from_name": "taxonomySustain", - "id": "VJjfsIEYmN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "167", - "endOffset": 28, - "start": "167", - "startOffset": 1, - "text": "square root of three" - } - }, - { - "from_name": "actions", - "id": "FcOEmTRCyp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "168", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "168", - "startOffset": 0, - "text": " I can't even say it right." - } - }, - { - "from_name": "taxonomySustain", - "id": "FcOEmTRCyp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "168", - "endOffset": 39, - "start": "168", - "startOffset": 0, - "text": " I can't even say it right." - } - }, - { - "from_name": "actions", - "id": "IA3wpKXOTy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "170", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "170", - "startOffset": 0, - "text": " Over" - } - }, - { - "from_name": "taxonomySustain", - "id": "IA3wpKXOTy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "170", - "endOffset": 5, - "start": "170", - "startOffset": 0, - "text": " Over" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "IA3wpKXOTy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Detach" - ], - "end": "170", - "endOffset": 5, - "start": "170", - "startOffset": 0, - "text": " Over" - } - }, - { - "from_name": "actions", - "id": "ESOFD3vjM2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "172", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "171", - "startOffset": 0, - "text": " do I have another down here\n or just the one i." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ESOFD3vjM2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "172", - "endOffset": 19, - "start": "171", - "startOffset": 0, - "text": " do I have another down here\n or just the one i." - } - }, - { - "from_name": "actions", - "id": "3ODG8Zx0o_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "175", - "endOffset": 10, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "173", - "startOffset": 0, - "text": " Um\n no.\n Just one." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "3ODG8Zx0o_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "175", - "endOffset": 10, - "start": "173", - "startOffset": 0, - "text": " Um\n no.\n Just one." - } - }, - { - "from_name": "actions", - "id": "ZmBWckH7IV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "176", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "176", - "startOffset": 1, - "text": "Okay" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ZmBWckH7IV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "176", - "endOffset": 5, - "start": "176", - "startOffset": 1, - "text": "Okay" - } - }, - { - "from_name": "actions", - "id": "0eTDT82xXx", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "179", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "177", - "startOffset": 1, - "text": "three and square root of three\n over square root of three\n and you get" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "0eTDT82xXx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "179", - "endOffset": 12, - "start": "177", - "startOffset": 1, - "text": "three and square root of three\n over square root of three\n and you get" - } - }, - { - "from_name": "actions", - "id": "A1nyBddNnK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "184", - "endOffset": 16, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "184", - "startOffset": 0, - "text": " Is that right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "A1nyBddNnK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "184", - "endOffset": 16, - "start": "184", - "startOffset": 0, - "text": " Is that right ?" - } - }, - { - "from_name": "actions", - "id": "kX6yhsgByn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "181", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "181", - "startOffset": 0, - "text": " square root of six." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "kX6yhsgByn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Repair" - ], - "end": "181", - "endOffset": 20, - "start": "181", - "startOffset": 0, - "text": " square root of six." - } - }, - { - "from_name": "actions", - "id": "gkt66bYxUE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "182", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "182", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gkt66bYxUE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "182", - "endOffset": 6, - "start": "182", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "3cdMlJ605d", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "183", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "183", - "startOffset": 1, - "text": "Over three." - } - }, - { - "from_name": "taxonomySustain", - "id": "3cdMlJ605d", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "183", - "endOffset": 12, - "start": "183", - "startOffset": 1, - "text": "Over three." - } - }, - { - "from_name": "actions", - "id": "mKfCdv5lk1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "186", - "endOffset": 13, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "185", - "startOffset": 0, - "text": " I doubt it.\n I really do." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "mKfCdv5lk1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "186", - "endOffset": 13, - "start": "185", - "startOffset": 0, - "text": " I doubt it.\n I really do." - } - }, - { - "from_name": "actions", - "id": "w3adUx7gLV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "188", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "188", - "startOffset": 1, - "text": "I'm not kidding." - } - }, - { - "from_name": "taxonomySustain", - "id": "w3adUx7gLV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "188", - "endOffset": 17, - "start": "188", - "startOffset": 1, - "text": "I'm not kidding." - } - }, - { - "from_name": "actions", - "id": "sUPSwnmG66", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "189", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "189", - "startOffset": 0, - "text": " You can't." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "sUPSwnmG66", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "189", - "endOffset": 11, - "start": "189", - "startOffset": 0, - "text": " You can't." - } - }, - { - "from_name": "actions", - "id": "5jcaWwmjOF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "191", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "190", - "startOffset": 0, - "text": " You can't multiply\n square roots like that" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "5jcaWwmjOF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "191", - "endOffset": 23, - "start": "190", - "startOffset": 0, - "text": " You can't multiply\n square roots like that" - } - }, - { - "from_name": "actions", - "id": "NeB9BLjPKg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "192", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "192", - "startOffset": 0, - "text": " can you ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "NeB9BLjPKg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "192", - "endOffset": 10, - "start": "192", - "startOffset": 0, - "text": " can you ?" - } - }, - { - "from_name": "actions", - "id": "bOqNB6NXIK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "196", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "193", - "startOffset": 0, - "text": " Square root of two\n times square root of three\n is square root of six\n is it ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "bOqNB6NXIK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "196", - "endOffset": 8, - "start": "193", - "startOffset": 0, - "text": " Square root of two\n times square root of three\n is square root of six\n is it ?" - } - }, - { - "from_name": "actions", - "id": "xcxSDRqlsl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "197", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "197", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "xcxSDRqlsl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "197", - "endOffset": 6, - "start": "197", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "lr0BwP5KiK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "198", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "198", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "lr0BwP5KiK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "198", - "endOffset": 6, - "start": "198", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "actions", - "id": "xLYrQqWGEf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "200", - "endOffset": 18, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "199", - "startOffset": 1, - "text": "Well\n then that's fine." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "xLYrQqWGEf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "200", - "endOffset": 18, - "start": "199", - "startOffset": 1, - "text": "Well\n then that's fine." - } - }, - { - "from_name": "actions", - "id": "obJW27ojaE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "201", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "201", - "startOffset": 1, - "text": "Then that is right." - } - }, - { - "from_name": "taxonomySustain", - "id": "obJW27ojaE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "201", - "endOffset": 20, - "start": "201", - "startOffset": 1, - "text": "Then that is right." - } - }, - { - "from_name": "actions", - "id": "fja0Fyia2f", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "202", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "202", - "startOffset": 0, - "text": " Isn't that." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "fja0Fyia2f", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "202", - "endOffset": 12, - "start": "202", - "startOffset": 0, - "text": " Isn't that." - } - }, - { - "from_name": "actions", - "id": "U2-huMrn-3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "203", - "endOffset": 17, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "203", - "startOffset": 1, - "text": "You can do that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "U2-huMrn-3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "203", - "endOffset": 17, - "start": "203", - "startOffset": 1, - "text": "You can do that." - } - }, - { - "from_name": "actions", - "id": "gMLt98MKPQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "204", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "204", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gMLt98MKPQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "204", - "endOffset": 6, - "start": "204", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "Xr60Le9e-C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "206", - "endOffset": 20, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "205", - "startOffset": 1, - "text": "Cause that's the same way you're multiplying there\n square root of nine" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Xr60Le9e-C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "206", - "endOffset": 20, - "start": "205", - "startOffset": 1, - "text": "Cause that's the same way you're multiplying there\n square root of nine" - } - }, - { - "from_name": "actions", - "id": "CZFFYFGaSR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "208", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "208", - "startOffset": 0, - "text": " and square root of nine equals three." - } - }, - { - "from_name": "taxonomySustain", - "id": "CZFFYFGaSR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "208", - "endOffset": 38, - "start": "208", - "startOffset": 0, - "text": " and square root of nine equals three." - } - }, - { - "from_name": "actions", - "id": "ql-G4_DWhE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "210", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "209", - "startOffset": 0, - "text": " Yeah\n okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ql-G4_DWhE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "210", - "endOffset": 6, - "start": "209", - "startOffset": 0, - "text": " Yeah\n okay." - } - }, - { - "from_name": "actions", - "id": "Y_UAgexcz8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "211", - "endOffset": 18, - "paragraphlabels": [ - "Open" - ], - "start": "211", - "startOffset": 0, - "text": " Where's the test." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "Y_UAgexcz8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "211", - "endOffset": 18, - "start": "211", - "startOffset": 0, - "text": " Where's the test." - } - }, - { - "from_name": "taxonomyOpen", - "id": "Y_UAgexcz8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "211", - "endOffset": 18, - "start": "211", - "startOffset": 0, - "text": " Where's the test." - } - }, - { - "from_name": "actions", - "id": "VwQnZpl0AQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "212", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "212", - "startOffset": 1, - "text": "There ain't no telling." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "VwQnZpl0AQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "212", - "endOffset": 24, - "start": "212", - "startOffset": 1, - "text": "There ain't no telling." - } - }, - { - "from_name": "actions", - "id": "MlhO2pQdNi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "214", - "endOffset": 13, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "214", - "startOffset": 1, - "text": "You have it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "MlhO2pQdNi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "214", - "endOffset": 13, - "start": "214", - "startOffset": 1, - "text": "You have it." - } - }, - { - "from_name": "actions", - "id": "8dJoGimpRs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "215", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "215", - "startOffset": 0, - "text": " I mean I have it." - } - }, - { - "from_name": "taxonomySustain", - "id": "8dJoGimpRs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "215", - "endOffset": 18, - "start": "215", - "startOffset": 0, - "text": " I mean I have it." - } - }, - { - "from_name": "actions", - "id": "xajcyeHqzT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "217", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "217", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "xajcyeHqzT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "217", - "endOffset": 6, - "start": "217", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "MjtZIRTxjU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "219", - "endOffset": 3, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "218", - "startOffset": 1, - "text": "The next one\n is" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "MjtZIRTxjU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "219", - "endOffset": 3, - "start": "218", - "startOffset": 1, - "text": "The next one\n is" - } - }, - { - "from_name": "taxonomySustain", - "id": "MjtZIRTxjU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "219", - "endOffset": 3, - "start": "218", - "startOffset": 1, - "text": "The next one\n is" - } - }, - { - "from_name": "actions", - "id": "bz5YjsCy6U", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "222", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "221", - "startOffset": 0, - "text": " five ex\n times ex minus one" - } - }, - { - "from_name": "taxonomySustain", - "id": "bz5YjsCy6U", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "222", - "endOffset": 19, - "start": "221", - "startOffset": 0, - "text": " five ex\n times ex minus one" - } - }, - { - "from_name": "actions", - "id": "Cz0f5YX8_7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "224", - "endOffset": 13, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "224", - "startOffset": 0, - "text": " Is that it ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Cz0f5YX8_7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "224", - "endOffset": 13, - "start": "224", - "startOffset": 0, - "text": " Is that it ?" - } - }, - { - "from_name": "actions", - "id": "O6x1ISQtAJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "226", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "226", - "startOffset": 0, - "text": " um." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "O6x1ISQtAJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Engage" - ], - "end": "226", - "endOffset": 4, - "start": "226", - "startOffset": 0, - "text": " um." - } - }, - { - "from_name": "actions", - "id": "SbkJZX1rz4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "229", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "227", - "startOffset": 0, - "text": " equals\n two\n times one minus ex." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "SbkJZX1rz4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "229", - "endOffset": 20, - "start": "227", - "startOffset": 0, - "text": " equals\n two\n times one minus ex." - } - }, - { - "from_name": "actions", - "id": "ye78o1BKHd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "230", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "230", - "startOffset": 1, - "text": "Leah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ye78o1BKHd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "230", - "endOffset": 6, - "start": "230", - "startOffset": 1, - "text": "Leah." - } - }, - { - "from_name": "actions", - "id": "ngIvMSegRV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "232", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "232", - "startOffset": 1, - "text": "Two times one minus ex ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ngIvMSegRV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "232", - "endOffset": 25, - "start": "232", - "startOffset": 1, - "text": "Two times one minus ex ?" - } - }, - { - "from_name": "actions", - "id": "wu3JgRaqif", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "233", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "233", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "wu3JgRaqif", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "233", - "endOffset": 6, - "start": "233", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "0gmV8Ot4Q8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "234", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "234", - "startOffset": 1, - "text": "And that's easy" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0gmV8Ot4Q8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "234", - "endOffset": 16, - "start": "234", - "startOffset": 1, - "text": "And that's easy" - } - }, - { - "from_name": "actions", - "id": "GMDR46bNOt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "235", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "235", - "startOffset": 1, - "text": "you can do that." - } - }, - { - "from_name": "taxonomySustain", - "id": "GMDR46bNOt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "235", - "endOffset": 17, - "start": "235", - "startOffset": 1, - "text": "you can do that." - } - }, - { - "from_name": "actions", - "id": "b3aSOHGCMt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "236", - "endOffset": 17, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "236", - "startOffset": 1, - "text": "Oh this is easy." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "b3aSOHGCMt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "236", - "endOffset": 17, - "start": "236", - "startOffset": 1, - "text": "Oh this is easy." - } - }, - { - "from_name": "actions", - "id": "0MZvYnF7ca", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "237", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "237", - "startOffset": 0, - "text": " Ex squared." - } - }, - { - "from_name": "taxonomySustain", - "id": "0MZvYnF7ca", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "237", - "endOffset": 12, - "start": "237", - "startOffset": 0, - "text": " Ex squared." - } - }, - { - "from_name": "actions", - "id": "v2yoelid8F", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "238", - "endOffset": 30, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "238", - "startOffset": 0, - "text": " Please say this will factor ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "v2yoelid8F", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "238", - "endOffset": 30, - "start": "238", - "startOffset": 0, - "text": " Please say this will factor ?" - } - }, - { - "from_name": "actions", - "id": "ch_ltRJ17c", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "239", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "239", - "startOffset": 1, - "text": "Will it ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ch_ltRJ17c", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "239", - "endOffset": 10, - "start": "239", - "startOffset": 1, - "text": "Will it ?" - } - }, - { - "from_name": "actions", - "id": "6TyHrFJ8tQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "241", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "240", - "startOffset": 1, - "text": "Na\n you do it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "6TyHrFJ8tQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "241", - "endOffset": 11, - "start": "240", - "startOffset": 1, - "text": "Na\n you do it." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "6TyHrFJ8tQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "241", - "endOffset": 11, - "start": "240", - "startOffset": 1, - "text": "Na\n you do it." - } - }, - { - "from_name": "actions", - "id": "SpktIR9SBS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "242", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "242", - "startOffset": 1, - "text": "Well" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "SpktIR9SBS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "242", - "endOffset": 5, - "start": "242", - "startOffset": 1, - "text": "Well" - } - }, - { - "from_name": "actions", - "id": "jGsUJNpHNw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "244", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "243", - "startOffset": 0, - "text": " I mean\n that's just wasting time." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jGsUJNpHNw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "244", - "endOffset": 26, - "start": "243", - "startOffset": 0, - "text": " I mean\n that's just wasting time." - } - }, - { - "from_name": "actions", - "id": "wGQobfLL22", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "245", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "245", - "startOffset": 0, - "text": " Cause if it's not." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "wGQobfLL22", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "245", - "endOffset": 19, - "start": "245", - "startOffset": 0, - "text": " Cause if it's not." - } - }, - { - "from_name": "taxonomySustain", - "id": "wGQobfLL22", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "245", - "endOffset": 19, - "start": "245", - "startOffset": 0, - "text": " Cause if it's not." - } - }, - { - "from_name": "actions", - "id": "7GCYp_mw-P", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "246", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "246", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7GCYp_mw-P", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "246", - "endOffset": 6, - "start": "246", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "UZ_NWVmjzZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "247", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "247", - "startOffset": 1, - "text": "It does ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "UZ_NWVmjzZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "247", - "endOffset": 10, - "start": "247", - "startOffset": 1, - "text": "It does ?" - } - }, - { - "from_name": "actions", - "id": "oSdpalR10g", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "248", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "248", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oSdpalR10g", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "248", - "endOffset": 5, - "start": "248", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "wpNXSO_YRw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "249", - "endOffset": 29, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "249", - "startOffset": 1, - "text": "One and negative twofifths ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "wpNXSO_YRw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "249", - "endOffset": 29, - "start": "249", - "startOffset": 1, - "text": "One and negative twofifths ?" - } - }, - { - "from_name": "actions", - "id": "2rHaFiTiYC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "250", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "250", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "2rHaFiTiYC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "250", - "endOffset": 5, - "start": "250", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "1pxjQPYS6Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "251", - "endOffset": 49, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "251", - "startOffset": 1, - "text": "And I can always put those back up into the top." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "1pxjQPYS6Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "251", - "endOffset": 49, - "start": "251", - "startOffset": 1, - "text": "And I can always put those back up into the top." - } - }, - { - "from_name": "actions", - "id": "T1Bn9KLPeB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "254", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "253", - "startOffset": 0, - "text": " and\n and see if they check." - } - }, - { - "from_name": "taxonomySustain", - "id": "T1Bn9KLPeB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "254", - "endOffset": 23, - "start": "253", - "startOffset": 0, - "text": " and\n and see if they check." - } - }, - { - "from_name": "actions", - "id": "V8Xq-ulq1x", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "255", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "255", - "startOffset": 0, - "text": " Right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "V8Xq-ulq1x", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "255", - "endOffset": 8, - "start": "255", - "startOffset": 0, - "text": " Right ?" - } - }, - { - "from_name": "actions", - "id": "a2w70DVN4G", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "256", - "endOffset": 26, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "256", - "startOffset": 0, - "text": " Let me just try the one ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "a2w70DVN4G", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "256", - "endOffset": 26, - "start": "256", - "startOffset": 0, - "text": " Let me just try the one ?" - } - }, - { - "from_name": "actions", - "id": "kAxyH0GI3j", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "257", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "257", - "startOffset": 0, - "text": " Five" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "kAxyH0GI3j", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "257", - "endOffset": 5, - "start": "257", - "startOffset": 0, - "text": " Five" - } - }, - { - "from_name": "actions", - "id": "SxjtDwAqPa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "259", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "259", - "startOffset": 0, - "text": " I got zero equals ʔzero." - } - }, - { - "from_name": "taxonomySustain", - "id": "SxjtDwAqPa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "259", - "endOffset": 25, - "start": "259", - "startOffset": 0, - "text": " I got zero equals ʔzero." - } - }, - { - "from_name": "actions", - "id": "0XzTAGJmQJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "261", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "261", - "startOffset": 0, - "text": " that's right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0XzTAGJmQJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "261", - "endOffset": 14, - "start": "261", - "startOffset": 0, - "text": " that's right." - } - }, - { - "from_name": "actions", - "id": "6Z7orI4VUd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "263", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "263", - "startOffset": 0, - "text": " And that's one ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "6Z7orI4VUd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "263", - "endOffset": 17, - "start": "263", - "startOffset": 0, - "text": " And that's one ?" - } - }, - { - "from_name": "actions", - "id": "DUOAaN-LEd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "264", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "264", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "DUOAaN-LEd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "264", - "endOffset": 6, - "start": "264", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "_j66eZ9j51", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "266", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "266", - "startOffset": 0, - "text": " Zero equals zero equals one." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_j66eZ9j51", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "266", - "endOffset": 29, - "start": "266", - "startOffset": 0, - "text": " Zero equals zero equals one." - } - }, - { - "from_name": "actions", - "id": "1YmazQvrmX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "267", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "267", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "1YmazQvrmX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "267", - "endOffset": 6, - "start": "267", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "KxxqWMFeFh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "269", - "endOffset": 17, - "paragraphlabels": [ - "Open" - ], - "start": "268", - "startOffset": 0, - "text": " Fingerprint file\n you got me down." - } - }, - { - "from_name": "taxonomyOpen", - "id": "KxxqWMFeFh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "269", - "endOffset": 17, - "start": "268", - "startOffset": 0, - "text": " Fingerprint file\n you got me down." - } - }, - { - "from_name": "actions", - "id": "s_ZqgGlqlf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "271", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "271", - "startOffset": 0, - "text": " Come on." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "s_ZqgGlqlf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Engage" - ], - "end": "271", - "endOffset": 9, - "start": "271", - "startOffset": 0, - "text": " Come on." - } - }, - { - "from_name": "actions", - "id": "te8kY14Csu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "273", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "272", - "startOffset": 0, - "text": " Ex\n times." - } - }, - { - "from_name": "actions", - "id": "Iw3YGIFq8N", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "274", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "274", - "startOffset": 1, - "text": "Hang on." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Iw3YGIFq8N", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Engage" - ], - "end": "274", - "endOffset": 9, - "start": "274", - "startOffset": 1, - "text": "Hang on." - } - }, - { - "from_name": "actions", - "id": "ch-7Iwu7Pp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "277", - "endOffset": 7, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "275", - "startOffset": 1, - "text": "Number eight.\n Ex\n times." - } - }, - { - "from_name": "taxonomySustain", - "id": "ch-7Iwu7Pp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "277", - "endOffset": 7, - "start": "275", - "startOffset": 1, - "text": "Number eight.\n Ex\n times." - } - }, - { - "from_name": "actions", - "id": "aE4OvsGNuq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "278", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "278", - "startOffset": 1, - "text": "two minus ex." - } - }, - { - "from_name": "taxonomySustain", - "id": "aE4OvsGNuq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "278", - "endOffset": 14, - "start": "278", - "startOffset": 1, - "text": "two minus ex." - } - }, - { - "from_name": "actions", - "id": "79GHgtwNG-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "279", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "279", - "startOffset": 1, - "text": "Two minus ex." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "79GHgtwNG-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "279", - "endOffset": 14, - "start": "279", - "startOffset": 1, - "text": "Two minus ex." - } - }, - { - "from_name": "actions", - "id": "33ZAaB8Zdd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "280", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "280", - "startOffset": 1, - "text": "is less than or equal to." - } - }, - { - "from_name": "taxonomySustain", - "id": "33ZAaB8Zdd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "280", - "endOffset": 26, - "start": "280", - "startOffset": 1, - "text": "is less than or equal to." - } - }, - { - "from_name": "actions", - "id": "DjWShP9DOS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "282", - "endOffset": 20, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "282", - "startOffset": 1, - "text": "I don't like these." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "DjWShP9DOS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "282", - "endOffset": 20, - "start": "282", - "startOffset": 1, - "text": "I don't like these." - } - }, - { - "from_name": "actions", - "id": "bWjPyN_nj9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "284", - "endOffset": 12, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "283", - "startOffset": 1, - "text": "three times ex\n minus four." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "bWjPyN_nj9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "284", - "endOffset": 12, - "start": "283", - "startOffset": 1, - "text": "three times ex\n minus four." - } - }, - { - "from_name": "actions", - "id": "sa1FacKnoq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "286", - "endOffset": 13, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "285", - "startOffset": 1, - "text": "Three times ex\n minus four ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "sa1FacKnoq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "286", - "endOffset": 13, - "start": "285", - "startOffset": 1, - "text": "Three times ex\n minus four ?" - } - }, - { - "from_name": "actions", - "id": "Z-knk8KbDY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "287", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "287", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Z-knk8KbDY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "287", - "endOffset": 7, - "start": "287", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "actions", - "id": "ucCil9JbxO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "288", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "288", - "startOffset": 0, - "text": " Alright" - } - }, - { - "from_name": "actions", - "id": "jxsg9NPaQ7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "290", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "289", - "startOffset": 0, - "text": " distribute first\n right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "jxsg9NPaQ7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "290", - "endOffset": 8, - "start": "289", - "startOffset": 0, - "text": " distribute first\n right ?" - } - }, - { - "from_name": "actions", - "id": "uY7wVsGsQN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "291", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "291", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uY7wVsGsQN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "291", - "endOffset": 5, - "start": "291", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "HBa4NN5-70", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "294", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "292", - "startOffset": 1, - "text": "Two ex minus ex squared\n three ex minus twelve\n you get" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "HBa4NN5-70", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "294", - "endOffset": 8, - "start": "292", - "startOffset": 1, - "text": "Two ex minus ex squared\n three ex minus twelve\n you get" - } - }, - { - "from_name": "actions", - "id": "Tfh0ICVfDx", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "296", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "295", - "startOffset": 0, - "text": " do that side\n so you get ex" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Tfh0ICVfDx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "296", - "endOffset": 14, - "start": "295", - "startOffset": 0, - "text": " do that side\n so you get ex" - } - }, - { - "from_name": "taxonomySustain", - "id": "Tfh0ICVfDx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "296", - "endOffset": 14, - "start": "295", - "startOffset": 0, - "text": " do that side\n so you get ex" - } - }, - { - "from_name": "actions", - "id": "0aQTCftlTj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "297", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "297", - "startOffset": 0, - "text": " whoa." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0aQTCftlTj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "297", - "endOffset": 6, - "start": "297", - "startOffset": 0, - "text": " whoa." - } - }, - { - "from_name": "actions", - "id": "S45SR7h2ey", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "298", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "298", - "startOffset": 0, - "text": " I don't want to do that." - } - }, - { - "from_name": "taxonomySustain", - "id": "S45SR7h2ey", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "298", - "endOffset": 25, - "start": "298", - "startOffset": 0, - "text": " I don't want to do that." - } - }, - { - "from_name": "actions", - "id": "Ywcmvnkc7Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "301", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "299", - "startOffset": 0, - "text": " Negative ex squared\n two ex minus\n two minus ex" - } - }, - { - "from_name": "taxonomySustain", - "id": "Ywcmvnkc7Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "301", - "endOffset": 13, - "start": "299", - "startOffset": 0, - "text": " Negative ex squared\n two ex minus\n two minus ex" - } - }, - { - "from_name": "actions", - "id": "dO-I5tPPOM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "303", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "302", - "startOffset": 0, - "text": " um\n plus twelve" - } - }, - { - "from_name": "taxonomySustain", - "id": "dO-I5tPPOM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "303", - "endOffset": 12, - "start": "302", - "startOffset": 0, - "text": " um\n plus twelve" - } - }, - { - "from_name": "actions", - "id": "YM-leHrL9u", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "304", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "304", - "startOffset": 0, - "text": " Now do you factor this ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "YM-leHrL9u", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "304", - "endOffset": 25, - "start": "304", - "startOffset": 0, - "text": " Now do you factor this ?" - } - }, - { - "from_name": "actions", - "id": "ViL-QJ_8VX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "305", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "305", - "startOffset": 1, - "text": "after you do that ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ViL-QJ_8VX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "305", - "endOffset": 20, - "start": "305", - "startOffset": 1, - "text": "after you do that ?" - } - }, - { - "from_name": "actions", - "id": "9oirLiBcb0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "306", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "306", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "9oirLiBcb0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "306", - "endOffset": 6, - "start": "306", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "FnCSRlFjz0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "307", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "307", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FnCSRlFjz0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "307", - "endOffset": 6, - "start": "307", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "OV95EN0Q2h", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "308", - "endOffset": 48, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "308", - "startOffset": 0, - "text": " Oh but first I gotta take out that negative one" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "OV95EN0Q2h", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "308", - "endOffset": 48, - "start": "308", - "startOffset": 0, - "text": " Oh but first I gotta take out that negative one" - } - }, - { - "from_name": "actions", - "id": "S9cW5QBB_z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "309", - "endOffset": 7, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "309", - "startOffset": 0, - "text": " don't." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "S9cW5QBB_z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "309", - "endOffset": 7, - "start": "309", - "startOffset": 0, - "text": " don't." - } - }, - { - "from_name": "actions", - "id": "K7LqECYjJs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "311", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "311", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "K7LqECYjJs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "311", - "endOffset": 5, - "start": "311", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "1uhEWBdOkV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "310", - "endOffset": 22, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "310", - "startOffset": 0, - "text": " I mean that negative." - } - }, - { - "from_name": "actions", - "id": "GemNwg12VV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "313", - "endOffset": 62, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "312", - "startOffset": 1, - "text": "in front of that ex squared so I just\n I can multiply that whole side by negative one again though ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GemNwg12VV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "313", - "endOffset": 62, - "start": "312", - "startOffset": 1, - "text": "in front of that ex squared so I just\n I can multiply that whole side by negative one again though ?" - } - }, - { - "from_name": "actions", - "id": "jNaPCpHH1X", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "314", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "314", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jNaPCpHH1X", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "314", - "endOffset": 6, - "start": "314", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "L8LSOEwDm8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "315", - "endOffset": 30, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "315", - "startOffset": 0, - "text": " Then you flip that sign over." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "L8LSOEwDm8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "315", - "endOffset": 30, - "start": "315", - "startOffset": 0, - "text": " Then you flip that sign over." - } - }, - { - "from_name": "actions", - "id": "EMgRCgtpBA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "316", - "endOffset": 45, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "316", - "startOffset": 0, - "text": " I have to flip that sign over if I do that ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "EMgRCgtpBA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "316", - "endOffset": 45, - "start": "316", - "startOffset": 0, - "text": " I have to flip that sign over if I do that ?" - } - }, - { - "from_name": "actions", - "id": "NUWrzU4JIx", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "317", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "317", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "NUWrzU4JIx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "317", - "endOffset": 5, - "start": "317", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "GxJX20FQ1A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "319", - "endOffset": 29, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "318", - "startOffset": 0, - "text": " See it's little rules like that\n that I'm not gonna remember." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "GxJX20FQ1A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "319", - "endOffset": 29, - "start": "318", - "startOffset": 0, - "text": " See it's little rules like that\n that I'm not gonna remember." - } - }, - { - "from_name": "actions", - "id": "Q7TO7JvFBj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "324", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "320", - "startOffset": 1, - "text": "So if it's.\n if it's less than or equal to\n then\n and there's minus\n you have to flip the sign." - } - }, - { - "from_name": "taxonomySustain", - "id": "Q7TO7JvFBj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "324", - "endOffset": 27, - "start": "320", - "startOffset": 1, - "text": "So if it's.\n if it's less than or equal to\n then\n and there's minus\n you have to flip the sign." - } - }, - { - "from_name": "actions", - "id": "GJjeZm0-vV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "325", - "endOffset": 6, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "325", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "IA4Fosz0Qq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "326", - "endOffset": 16, - "paragraphlabels": [ - "Open" - ], - "start": "326", - "startOffset": 1, - "text": "Are you tired ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "IA4Fosz0Qq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "326", - "endOffset": 16, - "start": "326", - "startOffset": 1, - "text": "Are you tired ?" - } - }, - { - "from_name": "actions", - "id": "BlHSneNtr6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "327", - "endOffset": 12, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "327", - "startOffset": 0, - "text": " Not really." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "BlHSneNtr6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "327", - "endOffset": 12, - "start": "327", - "startOffset": 0, - "text": " Not really." - } - }, - { - "from_name": "actions", - "id": "of5baZzy7Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "328", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "328", - "startOffset": 0, - "text": " I mean kind of but." - } - }, - { - "from_name": "taxonomySustain", - "id": "of5baZzy7Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "328", - "endOffset": 20, - "start": "328", - "startOffset": 0, - "text": " I mean kind of but." - } - }, - { - "from_name": "actions", - "id": "BMcx3SXRxV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "329", - "endOffset": 39, - "paragraphlabels": [ - "Open" - ], - "start": "329", - "startOffset": 1, - "text": "I'm gonna go home in just few minutes." - } - }, - { - "from_name": "taxonomyOpen", - "id": "BMcx3SXRxV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "329", - "endOffset": 39, - "start": "329", - "startOffset": 1, - "text": "I'm gonna go home in just few minutes." - } - }, - { - "from_name": "actions", - "id": "1MUtrzKgM-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "330", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "330", - "startOffset": 0, - "text": " Why." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "1MUtrzKgM-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "330", - "endOffset": 5, - "start": "330", - "startOffset": 0, - "text": " Why." - } - }, - { - "from_name": "actions", - "id": "twb09pSGyW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "332", - "endOffset": 28, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "331", - "startOffset": 0, - "text": " Cause I can work on this at home\n and let you get some sleep." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "twb09pSGyW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "332", - "endOffset": 28, - "start": "331", - "startOffset": 0, - "text": " Cause I can work on this at home\n and let you get some sleep." - } - }, - { - "from_name": "actions", - "id": "tNIqo9vRbf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "334", - "endOffset": 6, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "334", - "startOffset": 0, - "text": " Ouch." - } - }, - - { - "from_name": "actions", - "id": "6Ojiz8z2F_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "336", - "endOffset": 6, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "336", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "actions", - "id": "mIWBfqPH10", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "338", - "endOffset": 35, - "paragraphlabels": [ - "Open" - ], - "start": "337", - "startOffset": 1, - "text": "S so you say ex plus four ?\n is greater than or equal to zero ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "mIWBfqPH10", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "338", - "endOffset": 35, - "start": "337", - "startOffset": 1, - "text": "S so you say ex plus four ?\n is greater than or equal to zero ?" - } - }, - { - "from_name": "actions", - "id": "VfeNP0E3-K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "344", - "endOffset": 7, - "paragraphlabels": [ - "Open" - ], - "start": "339", - "startOffset": 0, - "text": " So you say\n ex is greater than or equal to\n negative four\n and\n ex\n three." - } - }, - { - "from_name": "taxonomyOpen", - "id": "VfeNP0E3-K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "344", - "endOffset": 7, - "start": "339", - "startOffset": 0, - "text": " So you say\n ex is greater than or equal to\n negative four\n and\n ex\n three." - } - }, - { - "from_name": "actions", - "id": "srzwsJPOTf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "345", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "345", - "startOffset": 0, - "text": " Or." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "srzwsJPOTf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "345", - "endOffset": 4, - "start": "345", - "startOffset": 0, - "text": " Or." - } - }, - { - "from_name": "actions", - "id": "4Gi7IsGbsb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "346", - "endOffset": 3, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "346", - "startOffset": 1, - "text": "Oh" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "4Gi7IsGbsb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "346", - "endOffset": 3, - "start": "346", - "startOffset": 1, - "text": "Oh" - } - }, - { - "from_name": "actions", - "id": "EqYa6dE-ht", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "347", - "endOffset": 50, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "347", - "startOffset": 0, - "text": " is that one of the ones where you have to do or ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "EqYa6dE-ht", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "347", - "endOffset": 50, - "start": "347", - "startOffset": 0, - "text": " is that one of the ones where you have to do or ?" - } - }, - { - "from_name": "actions", - "id": "u97NvUhifR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "348", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "348", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "u97NvUhifR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "348", - "endOffset": 6, - "start": "348", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "m6tGfX_aC1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "351", - "endOffset": 21, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "349", - "startOffset": 0, - "text": " And if it's\n less than\n do you still do or ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "m6tGfX_aC1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "351", - "endOffset": 21, - "start": "349", - "startOffset": 0, - "text": " And if it's\n less than\n do you still do or ?" - } - }, - { - "from_name": "actions", - "id": "9vrcuLQxSd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "352", - "endOffset": 21, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "352", - "startOffset": 1, - "text": "No that's if it's um" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "9vrcuLQxSd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "352", - "endOffset": 21, - "start": "352", - "startOffset": 1, - "text": "No that's if it's um" - } - }, - { - "from_name": "actions", - "id": "_sD44L3JYM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "355", - "endOffset": 13, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "353", - "startOffset": 0, - "text": " in the\n in the\n in between ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "_sD44L3JYM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "355", - "endOffset": 13, - "start": "353", - "startOffset": 0, - "text": " in the\n in the\n in between ?" - } - }, - { - "from_name": "actions", - "id": "CXvWwH-KCN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "357", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "356", - "startOffset": 1, - "text": "those two numbers\n you know ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "CXvWwH-KCN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "357", - "endOffset": 11, - "start": "356", - "startOffset": 1, - "text": "those two numbers\n you know ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "CXvWwH-KCN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "357", - "endOffset": 11, - "start": "356", - "startOffset": 1, - "text": "those two numbers\n you know ?" - } - }, - { - "from_name": "actions", - "id": "4p6PCG8Qfz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "359", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "358", - "startOffset": 0, - "text": " If there's like\n like this one don't look." - } - }, - { - "from_name": "taxonomySustain", - "id": "4p6PCG8Qfz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "359", - "endOffset": 26, - "start": "358", - "startOffset": 0, - "text": " If there's like\n like this one don't look." - } - }, - { - "from_name": "actions", - "id": "kvC_f6UymQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "361", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "360", - "startOffset": 1, - "text": "But if there's like\n ex in the middle." - } - }, - { - "from_name": "taxonomySustain", - "id": "kvC_f6UymQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "361", - "endOffset": 18, - "start": "360", - "startOffset": 1, - "text": "But if there's like\n ex in the middle." - } - }, - { - "from_name": "actions", - "id": "q2fZju86I2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "363", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "363", - "startOffset": 0, - "text": " Well no that's or." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "q2fZju86I2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "363", - "endOffset": 19, - "start": "363", - "startOffset": 0, - "text": " Well no that's or." - } - }, - { - "from_name": "actions", - "id": "X70uiCHaqj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "364", - "endOffset": 41, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "364", - "startOffset": 0, - "text": " If you have like one number on one side." - } - }, - { - "from_name": "taxonomySustain", - "id": "X70uiCHaqj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "364", - "endOffset": 41, - "start": "364", - "startOffset": 0, - "text": " If you have like one number on one side." - } - }, - { - "from_name": "actions", - "id": "P1AgZAKDRT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "365", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "365", - "startOffset": 1, - "text": "Mm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "P1AgZAKDRT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "365", - "endOffset": 4, - "start": "365", - "startOffset": 1, - "text": "Mm." - } - }, - { - "from_name": "actions", - "id": "801w-XdZj3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "366", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "366", - "startOffset": 0, - "text": " and it says." - } - }, - { - "from_name": "taxonomySustain", - "id": "801w-XdZj3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "366", - "endOffset": 13, - "start": "366", - "startOffset": 0, - "text": " and it says." - } - }, - { - "from_name": "actions", - "id": "9Ep3LHMAHp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "367", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "367", - "startOffset": 0, - "text": " Yes." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "9Ep3LHMAHp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "367", - "endOffset": 5, - "start": "367", - "startOffset": 0, - "text": " Yes." - } - }, - { - "from_name": "actions", - "id": "Xe9Qa_OFha", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "368", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "368", - "startOffset": 0, - "text": " greater than or equal to ex." - } - }, - { - "from_name": "taxonomySustain", - "id": "Xe9Qa_OFha", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "368", - "endOffset": 29, - "start": "368", - "startOffset": 0, - "text": " greater than or equal to ex." - } - }, - { - "from_name": "actions", - "id": "BKfDKiu80M", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "369", - "endOffset": 6, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "369", - "startOffset": 0, - "text": " like." - } - }, - { - "from_name": "taxonomySustain", - "id": "BKfDKiu80M", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "369", - "endOffset": 6, - "start": "369", - "startOffset": 0, - "text": " like." - } - }, - { - "from_name": "actions", - "id": "-rG449AnQ4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "371", - "endOffset": 36, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "370", - "startOffset": 0, - "text": " and than\n that one's less than or equal to..." - } - }, - { - "from_name": "taxonomySustain", - "id": "-rG449AnQ4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "371", - "endOffset": 36, - "start": "370", - "startOffset": 0, - "text": " and than\n that one's less than or equal to..." - } - }, - { - "from_name": "actions", - "id": "NXPmXljqiH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "373", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "372", - "startOffset": 0, - "text": " like two\n is less than or equal to ex." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "NXPmXljqiH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "373", - "endOffset": 29, - "start": "372", - "startOffset": 0, - "text": " like two\n is less than or equal to ex." - } - }, - { - "from_name": "actions", - "id": "3ks6tsWtLp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "374", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "374", - "startOffset": 0, - "text": " is less than or equal to." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "3ks6tsWtLp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "374", - "endOffset": 26, - "start": "374", - "startOffset": 0, - "text": " is less than or equal to." - } - }, - { - "from_name": "actions", - "id": "rkmphWio7Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "375", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "375", - "startOffset": 0, - "text": " which is" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rkmphWio7Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "375", - "endOffset": 9, - "start": "375", - "startOffset": 0, - "text": " which is" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "rkmphWio7Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "375", - "endOffset": 9, - "start": "375", - "startOffset": 0, - "text": " which is" - } - }, - { - "from_name": "actions", - "id": "0kiFeToDRF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "377", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "377", - "startOffset": 0, - "text": " ʔuh less than or equal to ʔuh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0kiFeToDRF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "377", - "endOffset": 31, - "start": "377", - "startOffset": 0, - "text": " ʔuh less than or equal to ʔuh." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "0kiFeToDRF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "377", - "endOffset": 31, - "start": "377", - "startOffset": 0, - "text": " ʔuh less than or equal to ʔuh." - } - }, - { - "from_name": "actions", - "id": "mmapI3cPmK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "378", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "378", - "startOffset": 0, - "text": " less." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "mmapI3cPmK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "378", - "endOffset": 6, - "start": "378", - "startOffset": 0, - "text": " less." - } - }, - { - "from_name": "actions", - "id": "2DzO6WDMUa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "379", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "379", - "startOffset": 0, - "text": " less than or equal to." - } - }, - { - "from_name": "taxonomySustain", - "id": "2DzO6WDMUa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "379", - "endOffset": 23, - "start": "379", - "startOffset": 0, - "text": " less than or equal to." - } - }, - { - "from_name": "actions", - "id": "bdD-X73GRq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "380", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "380", - "startOffset": 1, - "text": "six." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "bdD-X73GRq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Repair" - ], - "end": "380", - "endOffset": 5, - "start": "380", - "startOffset": 1, - "text": "six." - } - }, - { - "from_name": "actions", - "id": "DLoczZlzH1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "381", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "381", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "DLoczZlzH1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "381", - "endOffset": 7, - "start": "381", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "actions", - "id": "UCNMx1wRDD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "383", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "383", - "startOffset": 0, - "text": " So the final." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "UCNMx1wRDD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "383", - "endOffset": 14, - "start": "383", - "startOffset": 0, - "text": " So the final." - } - }, - { - "from_name": "actions", - "id": "ijF_yB_-_E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "384", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "384", - "startOffset": 0, - "text": " So that's the answer." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ijF_yB_-_E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "384", - "endOffset": 22, - "start": "384", - "startOffset": 0, - "text": " So that's the answer." - } - }, - { - "from_name": "actions", - "id": "lfJbF3G6M7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "385", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "385", - "startOffset": 1, - "text": "Right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "lfJbF3G6M7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "385", - "endOffset": 8, - "start": "385", - "startOffset": 1, - "text": "Right ?" - } - }, - { - "from_name": "actions", - "id": "_7eJwBfr_O", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "386", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "386", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "_7eJwBfr_O", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "386", - "endOffset": 5, - "start": "386", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_7eJwBfr_O", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "386", - "endOffset": 5, - "start": "386", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "5Hd3bva6JH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "387", - "endOffset": 13, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "387", - "startOffset": 1, - "text": "Number nine." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "5Hd3bva6JH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "387", - "endOffset": 13, - "start": "387", - "startOffset": 1, - "text": "Number nine." - } - }, - { - "from_name": "actions", - "id": "4uz6oqS82J", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "388", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "388", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "4uz6oqS82J", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "388", - "endOffset": 6, - "start": "388", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "2ZCw5a7922", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "389", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "389", - "startOffset": 0, - "text": " I don't know this one so." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "2ZCw5a7922", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "389", - "endOffset": 26, - "start": "389", - "startOffset": 0, - "text": " I don't know this one so." - } - }, - { - "from_name": "actions", - "id": "5TsZV584Zo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "390", - "endOffset": 36, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "390", - "startOffset": 0, - "text": " You don't know how to do this one ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "5TsZV584Zo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "390", - "endOffset": 36, - "start": "390", - "startOffset": 0, - "text": " You don't know how to do this one ?" - } - }, - { - "from_name": "actions", - "id": "xrbyoyzt9s", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "391", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "391", - "startOffset": 1, - "text": "So we in trouble." - } - }, - { - "from_name": "taxonomySustain", - "id": "xrbyoyzt9s", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "391", - "endOffset": 18, - "start": "391", - "startOffset": 1, - "text": "So we in trouble." - } - }, - { - "from_name": "actions", - "id": "AKxUN8FowW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "392", - "endOffset": 39, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "392", - "startOffset": 1, - "text": "Well you apparently knew how to do it." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "AKxUN8FowW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "392", - "endOffset": 39, - "start": "392", - "startOffset": 1, - "text": "Well you apparently knew how to do it." - } - }, - { - "from_name": "actions", - "id": "RFmZJeu2XE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "393", - "endOffset": 21, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "393", - "startOffset": 0, - "text": " Did I get it right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "RFmZJeu2XE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "393", - "endOffset": 21, - "start": "393", - "startOffset": 0, - "text": " Did I get it right ?" - } - }, - { - "from_name": "actions", - "id": "1VgAGlQQa2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "394", - "endOffset": 43, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "394", - "startOffset": 1, - "text": "Well you didn't get the whole thing right." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "1VgAGlQQa2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "394", - "endOffset": 43, - "start": "394", - "startOffset": 1, - "text": "Well you didn't get the whole thing right." - } - }, - { - "from_name": "actions", - "id": "eUwbk522F2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "398", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "397", - "startOffset": 1, - "text": "But\n Well you just missed one part of it." - } - }, - { - "from_name": "taxonomySustain", - "id": "eUwbk522F2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "398", - "endOffset": 37, - "start": "397", - "startOffset": 1, - "text": "But\n Well you just missed one part of it." - } - }, - { - "from_name": "actions", - "id": "z6OD2BMX6C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "399", - "endOffset": 24, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "399", - "startOffset": 0, - "text": " So what's that problem." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "z6OD2BMX6C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "399", - "endOffset": 24, - "start": "399", - "startOffset": 0, - "text": " So what's that problem." - } - }, - { - "from_name": "actions", - "id": "-KRvHpdNeM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "401", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "400", - "startOffset": 1, - "text": "Um\n absolute value." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "-KRvHpdNeM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "401", - "endOffset": 16, - "start": "400", - "startOffset": 1, - "text": "Um\n absolute value." - } - }, - { - "from_name": "actions", - "id": "A879kQntYw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "402", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "402", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "A879kQntYw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "402", - "endOffset": 6, - "start": "402", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "s4vPSQvdnU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "404", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "403", - "startOffset": 0, - "text": "of one half\n minus ex over three." - } - }, - { - "from_name": "taxonomySustain", - "id": "s4vPSQvdnU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "404", - "endOffset": 21, - "start": "403", - "startOffset": 0, - "text": "of one half\n minus ex over three." - } - }, - { - "from_name": "actions", - "id": "W62U4D3Rb0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "406", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "406", - "startOffset": 0, - "text": " Ex over three" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "W62U4D3Rb0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "406", - "endOffset": 14, - "start": "406", - "startOffset": 0, - "text": " Ex over three" - } - }, - { - "from_name": "actions", - "id": "PKtMpdcaqa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "408", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "407", - "startOffset": 0, - "text": " oops.\n Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "PKtMpdcaqa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "408", - "endOffset": 6, - "start": "407", - "startOffset": 0, - "text": " oops.\n Okay." - } - }, - { - "from_name": "actions", - "id": "a4YxnRwuDi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "409", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "409", - "startOffset": 0, - "text": " is less" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "a4YxnRwuDi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "409", - "endOffset": 8, - "start": "409", - "startOffset": 0, - "text": " is less" - } - }, - { - "from_name": "actions", - "id": "1FQS-H94pe", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "411", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "410", - "startOffset": 0, - "text": " I mean is greater than or equal to\n twothirds." - } - }, - { - "from_name": "taxonomySustain", - "id": "1FQS-H94pe", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "411", - "endOffset": 11, - "start": "410", - "startOffset": 0, - "text": " I mean is greater than or equal to\n twothirds." - } - }, - { - "from_name": "actions", - "id": "fLxx2esr84", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "412", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "412", - "startOffset": 1, - "text": "Just plain old twothirds ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "fLxx2esr84", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "412", - "endOffset": 27, - "start": "412", - "startOffset": 1, - "text": "Just plain old twothirds ?" - } - }, - { - "from_name": "actions", - "id": "I56IvNQTde", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "413", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "413", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "I56IvNQTde", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "413", - "endOffset": 5, - "start": "413", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "z9G8Rzy9h9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "414", - "endOffset": 50, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "414", - "startOffset": 0, - "text": " How do you get rid of the absolute value things ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "z9G8Rzy9h9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "414", - "endOffset": 50, - "start": "414", - "startOffset": 0, - "text": " How do you get rid of the absolute value things ?" - } - }, - { - "from_name": "actions", - "id": "Ax9Pahu_Cl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "415", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "415", - "startOffset": 0, - "text": " Don't you." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Ax9Pahu_Cl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "415", - "endOffset": 11, - "start": "415", - "startOffset": 0, - "text": " Don't you." - } - }, - { - "from_name": "actions", - "id": "uN8Gy3ZBj4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "416", - "endOffset": 10, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "416", - "startOffset": 1, - "text": "ʔI don't." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uN8Gy3ZBj4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "416", - "endOffset": 10, - "start": "416", - "startOffset": 1, - "text": "ʔI don't." - } - }, - { - "from_name": "actions", - "id": "G9RMSWnRzR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "419", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "417", - "startOffset": 1, - "text": "You put\n is less than or equal to twothirds.\n Or is greater than" - } - }, - { - "from_name": "taxonomySustain", - "id": "G9RMSWnRzR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "419", - "endOffset": 19, - "start": "417", - "startOffset": 1, - "text": "You put\n is less than or equal to twothirds.\n Or is greater than" - } - }, - { - "from_name": "actions", - "id": "cn8uiAZ5d1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "421", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "420", - "startOffset": 1, - "text": "I mean\n is greater than or equal to twothirds" - } - }, - { - "from_name": "taxonomySustain", - "id": "cn8uiAZ5d1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "421", - "endOffset": 38, - "start": "420", - "startOffset": 1, - "text": "I mean\n is greater than or equal to twothirds" - } - }, - { - "from_name": "actions", - "id": "9hvUGhBhHK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "426", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "422", - "startOffset": 1, - "text": "and then\n don't you have like\n or is less than\n and is less than or equal to\n negative two thirds ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "9hvUGhBhHK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "426", - "endOffset": 22, - "start": "422", - "startOffset": 1, - "text": "and then\n don't you have like\n or is less than\n and is less than or equal to\n negative two thirds ?" - } - }, - { - "from_name": "actions", - "id": "ofwBDF2v9r", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "427", - "endOffset": 7, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "427", - "startOffset": 0, - "text": " What ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ofwBDF2v9r", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "427", - "endOffset": 7, - "start": "427", - "startOffset": 0, - "text": " What ?" - } - }, - { - "from_name": "actions", - "id": "YHAzVjcU7F", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "428", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "428", - "startOffset": 1, - "text": "Can I see what I did." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "YHAzVjcU7F", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "428", - "endOffset": 22, - "start": "428", - "startOffset": 1, - "text": "Can I see what I did." - } - }, - { - "from_name": "actions", - "id": "5RJSLj-g_Y", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "429", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "429", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "5RJSLj-g_Y", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "429", - "endOffset": 6, - "start": "429", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "V2uTEDLcYi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "434", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "430", - "startOffset": 1, - "text": "But when you.\n when you have absolute value\n when you take the absolute value off\n and you put negative twothirds on this side\n too." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "V2uTEDLcYi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "434", - "endOffset": 5, - "start": "430", - "startOffset": 1, - "text": "But when you.\n when you have absolute value\n when you take the absolute value off\n and you put negative twothirds on this side\n too." - } - }, - { - "from_name": "actions", - "id": "igichcDjMK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "435", - "endOffset": 40, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "435", - "startOffset": 0, - "text": " First I'll just get common denominator." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "igichcDjMK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "435", - "endOffset": 40, - "start": "435", - "startOffset": 0, - "text": " First I'll just get common denominator." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "igichcDjMK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "435", - "endOffset": 40, - "start": "435", - "startOffset": 0, - "text": " First I'll just get common denominator." - } - }, - { - "from_name": "actions", - "id": "EPXF3c7ShI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "436", - "endOffset": 18, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "436", - "startOffset": 1, - "text": "So I can do that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "EPXF3c7ShI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "436", - "endOffset": 18, - "start": "436", - "startOffset": 1, - "text": "So I can do that." - } - }, - { - "from_name": "actions", - "id": "Uosk8-jDtL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "437", - "endOffset": 49, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "437", - "startOffset": 0, - "text": " You can't do it when it's in the absolute value." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "Uosk8-jDtL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "437", - "endOffset": 49, - "start": "437", - "startOffset": 0, - "text": " You can't do it when it's in the absolute value." - } - }, - { - "from_name": "actions", - "id": "TLzappIYqM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "439", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "439", - "startOffset": 1, - "text": "though." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "TLzappIYqM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Refute" - ], - "end": "439", - "endOffset": 8, - "start": "439", - "startOffset": 1, - "text": "though." - } - }, - { - "from_name": "actions", - "id": "DxVi9W36oX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "440", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "440", - "startOffset": 1, - "text": "Well I did right there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "DxVi9W36oX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "440", - "endOffset": 24, - "start": "440", - "startOffset": 1, - "text": "Well I did right there." - } - }, - { - "from_name": "actions", - "id": "1zr7VaaCcd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "441", - "endOffset": 26, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "441", - "startOffset": 1, - "text": "Is that why I missed it ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "1zr7VaaCcd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "441", - "endOffset": 26, - "start": "441", - "startOffset": 1, - "text": "Is that why I missed it ?" - } - }, - { - "from_name": "actions", - "id": "vuF5TT0gI1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "443", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "442", - "startOffset": 1, - "text": "But see if you wanna do that\n then at first you bring." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "vuF5TT0gI1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "443", - "endOffset": 25, - "start": "442", - "startOffset": 1, - "text": "But see if you wanna do that\n then at first you bring." - } - }, - { - "from_name": "actions", - "id": "5AUyKRoBbk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "444", - "endOffset": 45, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "444", - "startOffset": 1, - "text": "So I only did one part of it in other words." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "5AUyKRoBbk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "444", - "endOffset": 45, - "start": "444", - "startOffset": 1, - "text": "So I only did one part of it in other words." - } - }, - { - "from_name": "actions", - "id": "jvUDIGE2iN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "445", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "445", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jvUDIGE2iN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "445", - "endOffset": 5, - "start": "445", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "8b5ATzSDCG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "448", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "446", - "startOffset": 0, - "text": " Just bring.\n Just bring twothirds\n over to the other side." - } - }, - { - "from_name": "actions", - "id": "7r2bqSm2sM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "450", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "449", - "startOffset": 1, - "text": "Negative twothirds\n over to the other side." - } - }, - { - "from_name": "taxonomySustain", - "id": "7r2bqSm2sM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "450", - "endOffset": 24, - "start": "449", - "startOffset": 1, - "text": "Negative twothirds\n over to the other side." - } - }, - { - "from_name": "actions", - "id": "Yrja-y-A4A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "451", - "endOffset": 28, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "451", - "startOffset": 0, - "text": " And make it equal to zero ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Yrja-y-A4A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "451", - "endOffset": 28, - "start": "451", - "startOffset": 0, - "text": " And make it equal to zero ?" - } - }, - { - "from_name": "actions", - "id": "TuY8Tsm1dJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "452", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "452", - "startOffset": 0, - "text": " No." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "TuY8Tsm1dJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "452", - "endOffset": 4, - "start": "452", - "startOffset": 0, - "text": " No." - } - }, - { - "from_name": "actions", - "id": "LrJNkjTJVi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "453", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "453", - "startOffset": 0, - "text": " No keep that there" - } - }, - { - "from_name": "taxonomySustain", - "id": "LrJNkjTJVi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "453", - "endOffset": 19, - "start": "453", - "startOffset": 0, - "text": " No keep that there" - } - }, - { - "from_name": "actions", - "id": "aGpSWYrakt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "454", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "454", - "startOffset": 1, - "text": "But then have." - } - }, - { - "from_name": "taxonomySustain", - "id": "aGpSWYrakt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "454", - "endOffset": 15, - "start": "454", - "startOffset": 1, - "text": "But then have." - } - }, - { - "from_name": "actions", - "id": "WwIIQhqEOP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "455", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "455", - "startOffset": 1, - "text": "Another one over there ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "WwIIQhqEOP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "455", - "endOffset": 25, - "start": "455", - "startOffset": 1, - "text": "Another one over there ?" - } - }, - { - "from_name": "actions", - "id": "pPycVMI1HL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "456", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "456", - "startOffset": 0, - "text": " Yeah" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "pPycVMI1HL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "456", - "endOffset": 5, - "start": "456", - "startOffset": 0, - "text": " Yeah" - } - }, - { - "from_name": "actions", - "id": "2O--yg2F8h", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "459", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "457", - "startOffset": 0, - "text": " have\n is less than or equal to\n negative two thirds." - } - }, - { - "from_name": "taxonomySustain", - "id": "2O--yg2F8h", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "459", - "endOffset": 21, - "start": "457", - "startOffset": 0, - "text": " have\n is less than or equal to\n negative two thirds." - } - }, - { - "from_name": "actions", - "id": "r9pSU0QhgR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "460", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "460", - "startOffset": 1, - "text": "And that's not absolute value anymore." - } - }, - { - "from_name": "taxonomySustain", - "id": "r9pSU0QhgR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "460", - "endOffset": 39, - "start": "460", - "startOffset": 1, - "text": "And that's not absolute value anymore." - } - }, - { - "from_name": "actions", - "id": "X1PURoIVcb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "462", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "461", - "startOffset": 0, - "text": " Well see\n we've never done it like that." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "X1PURoIVcb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "462", - "endOffset": 31, - "start": "461", - "startOffset": 0, - "text": " Well see\n we've never done it like that." - } - }, - { - "from_name": "actions", - "id": "9TRqYXAX1g", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "464", - "endOffset": 12, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "464", - "startOffset": 1, - "text": "Let me see." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "9TRqYXAX1g", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Engage" - ], - "end": "464", - "endOffset": 12, - "start": "464", - "startOffset": 1, - "text": "Let me see." - } - }, - { - "from_name": "actions", - "id": "ZxyRtHm2yz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "465", - "endOffset": 25, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "465", - "startOffset": 1, - "text": "If that's how you do it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ZxyRtHm2yz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "465", - "endOffset": 25, - "start": "465", - "startOffset": 1, - "text": "If that's how you do it." - } - }, - { - "from_name": "actions", - "id": "X_PFWyjJOG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "466", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "466", - "startOffset": 1, - "text": "I mean I'm sure you probably can do it that way." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "X_PFWyjJOG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "466", - "endOffset": 49, - "start": "466", - "startOffset": 1, - "text": "I mean I'm sure you probably can do it that way." - } - }, - { - "from_name": "taxonomySustain", - "id": "X_PFWyjJOG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "466", - "endOffset": 49, - "start": "466", - "startOffset": 1, - "text": "I mean I'm sure you probably can do it that way." - } - }, - { - "from_name": "actions", - "id": "_jl-2MZUUo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "468", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "467", - "startOffset": 0, - "text": " I don't know\n if that's how you do it or not." - } - }, - { - "from_name": "taxonomySustain", - "id": "_jl-2MZUUo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "468", - "endOffset": 32, - "start": "467", - "startOffset": 0, - "text": " I don't know\n if that's how you do it or not." - } - }, - { - "from_name": "actions", - "id": "Ufo2WMR-Vk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "471", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "469", - "startOffset": 0, - "text": " Cause\n I haven't done this\n in probably about as long as you have." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ufo2WMR-Vk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "471", - "endOffset": 39, - "start": "469", - "startOffset": 0, - "text": " Cause\n I haven't done this\n in probably about as long as you have." - } - }, - { - "from_name": "actions", - "id": "amuydpBzrg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "473", - "endOffset": 5, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "472", - "startOffset": 0, - "text": " Oops.\n God." - } - }, - { - "from_name": "actions", - "id": "XwLnUJeo70", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "474", - "endOffset": 18, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "474", - "startOffset": 1, - "text": "It's my own fault" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "XwLnUJeo70", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "474", - "endOffset": 18, - "start": "474", - "startOffset": 1, - "text": "It's my own fault" - } - }, - { - "from_name": "actions", - "id": "CEz2aACvaW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "478", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "475", - "startOffset": 0, - "text": " I shouldn't have waited.\n so long to get math over with.\n I should've got it over with right out\n right out of high school." - } - }, - { - "from_name": "taxonomySustain", - "id": "CEz2aACvaW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "478", - "endOffset": 26, - "start": "475", - "startOffset": 0, - "text": " I shouldn't have waited.\n so long to get math over with.\n I should've got it over with right out\n right out of high school." - } - }, - { - "from_name": "actions", - "id": "4JqtW57U8L", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "481", - "endOffset": 4, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "481", - "startOffset": 0, - "text": " Oo." - } - }, - { - "from_name": "actions", - "id": "v4jlWsbFFG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "483", - "endOffset": 7, - "paragraphlabels": [ - "Open" - ], - "start": "483", - "startOffset": 1, - "text": "A bug." - } - }, - { - "from_name": "taxonomyOpen", - "id": "v4jlWsbFFG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "483", - "endOffset": 7, - "start": "483", - "startOffset": 1, - "text": "A bug." - } - }, - { - "from_name": "actions", - "id": "VG094cVkV0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "484", - "endOffset": 10, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "484", - "startOffset": 1, - "text": "Hey Leah." - } - }, - { - "from_name": "actions", - "id": "lNbS_ebEiC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "485", - "endOffset": 20, - "paragraphlabels": [ - "Open" - ], - "start": "485", - "startOffset": 0, - "text": " She looks so tired." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "lNbS_ebEiC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "485", - "endOffset": 20, - "start": "485", - "startOffset": 0, - "text": " She looks so tired." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "lNbS_ebEiC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "485", - "endOffset": 20, - "start": "485", - "startOffset": 0, - "text": " She looks so tired." - } - }, - { - "from_name": "taxonomyOpen", - "id": "lNbS_ebEiC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "485", - "endOffset": 20, - "start": "485", - "startOffset": 0, - "text": " She looks so tired." - } - }, - { - "from_name": "actions", - "id": "wB2sYUk3tU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "486", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "486", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "wB2sYUk3tU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "486", - "endOffset": 8, - "start": "486", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "qFYuySSdAc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "487", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "487", - "startOffset": 1, - "text": "She's eating that bug." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "qFYuySSdAc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "487", - "endOffset": 23, - "start": "487", - "startOffset": 1, - "text": "She's eating that bug." - } - }, - { - "from_name": "actions", - "id": "zNj3R9Q6HW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "489", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "489", - "startOffset": 0, - "text": " Is that what she's doing ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "zNj3R9Q6HW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "489", - "endOffset": 27, - "start": "489", - "startOffset": 0, - "text": " Is that what she's doing ?" - } - }, - { - "from_name": "actions", - "id": "Pa8kIwRHGR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "491", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "490", - "startOffset": 1, - "text": "Yuck.\n I guess." - } - }, - { - "from_name": "actions", - "id": "zhgWXC1DBd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "492", - "endOffset": 5, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "492", - "startOffset": 0, - "text": " Yeah" - } - }, - { - "from_name": "actions", - "id": "ZbjO7i6GMZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "494", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "494", - "startOffset": 0, - "text": " You can do it that way ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ZbjO7i6GMZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "494", - "endOffset": 25, - "start": "494", - "startOffset": 0, - "text": " You can do it that way ?" - } - }, - { - "from_name": "actions", - "id": "lcGor2fPxp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "495", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "495", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "lcGor2fPxp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "495", - "endOffset": 5, - "start": "495", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "Z45JG1md2f", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "496", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "496", - "startOffset": 0, - "text": " Let me see the pencil." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "Z45JG1md2f", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "496", - "endOffset": 23, - "start": "496", - "startOffset": 0, - "text": " Let me see the pencil." - } - }, - { - "from_name": "actions", - "id": "-blW_5xAmT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "498", - "endOffset": 27, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "497", - "startOffset": 0, - "text": " But then\n I didn't get what she got." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "-blW_5xAmT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "498", - "endOffset": 27, - "start": "497", - "startOffset": 0, - "text": " But then\n I didn't get what she got." - } - }, - { - "from_name": "actions", - "id": "65CO-49dXK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "499", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "499", - "startOffset": 1, - "text": "I guess she." - } - }, - { - "from_name": "taxonomySustain", - "id": "65CO-49dXK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "499", - "endOffset": 13, - "start": "499", - "startOffset": 1, - "text": "I guess she." - } - }, - { - "from_name": "actions", - "id": "BN9LOmf2q3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "501", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "500", - "startOffset": 1, - "text": "Yeah\n you can put it so." - } - }, - { - "from_name": "taxonomySustain", - "id": "BN9LOmf2q3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "501", - "endOffset": 19, - "start": "500", - "startOffset": 1, - "text": "Yeah\n you can put it so." - } - }, - { - "from_name": "actions", - "id": "eo8f-jWs8i", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "502", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "502", - "startOffset": 0, - "text": " square root of that." - } - }, - { - "from_name": "taxonomySustain", - "id": "eo8f-jWs8i", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "502", - "endOffset": 21, - "start": "502", - "startOffset": 0, - "text": " square root of that." - } - }, - { - "from_name": "actions", - "id": "35K1PGDsx5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "504", - "endOffset": 30, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "503", - "startOffset": 1, - "text": "Oh no\n it's not gonna work that way." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "35K1PGDsx5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "504", - "endOffset": 30, - "start": "503", - "startOffset": 1, - "text": "Oh no\n it's not gonna work that way." - } - }, - { - "from_name": "actions", - "id": "FV43h5ZRNY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "505", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "505", - "startOffset": 1, - "text": "You don't have it in the middle." - } - }, - { - "from_name": "taxonomySustain", - "id": "FV43h5ZRNY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "505", - "endOffset": 33, - "start": "505", - "startOffset": 1, - "text": "You don't have it in the middle." - } - }, - { - "from_name": "actions", - "id": "qOWbNTHrFo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "506", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "506", - "startOffset": 0, - "text": " See I put it in the middle ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "qOWbNTHrFo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "506", - "endOffset": 29, - "start": "506", - "startOffset": 0, - "text": " See I put it in the middle ?" - } - }, - { - "from_name": "actions", - "id": "8_wQtqroFU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "508", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "507", - "startOffset": 1, - "text": "Seven halves\n is greater than or equal." - } - }, - { - "from_name": "taxonomySustain", - "id": "8_wQtqroFU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "508", - "endOffset": 26, - "start": "507", - "startOffset": 1, - "text": "Seven halves\n is greater than or equal." - } - }, - { - "from_name": "actions", - "id": "LU85edMCRW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "509", - "endOffset": 35, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "509", - "startOffset": 0, - "text": " But you can't put it in the middle" - } - }, - { - "from_name": "taxonomySustain", - "id": "LU85edMCRW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "509", - "endOffset": 35, - "start": "509", - "startOffset": 0, - "text": " But you can't put it in the middle" - } - }, - { - "from_name": "actions", - "id": "byAWwA33Hi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "512", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "510", - "startOffset": 1, - "text": "cause if it's gonna be.\n Yeah if it's gonna be greater than that\n then it's not gonna be less than that." - } - }, - { - "from_name": "taxonomySustain", - "id": "byAWwA33Hi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "512", - "endOffset": 39, - "start": "510", - "startOffset": 1, - "text": "cause if it's gonna be.\n Yeah if it's gonna be greater than that\n then it's not gonna be less than that." - } - }, - { - "from_name": "actions", - "id": "oy7LnJN11E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "513", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "513", - "startOffset": 0, - "text": " Well I guess it can." - } - }, - { - "from_name": "taxonomySustain", - "id": "oy7LnJN11E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "513", - "endOffset": 21, - "start": "513", - "startOffset": 0, - "text": " Well I guess it can." - } - }, - { - "from_name": "actions", - "id": "YzOQPNrjg3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "514", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "514", - "startOffset": 1, - "text": "God." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "YzOQPNrjg3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "514", - "endOffset": 5, - "start": "514", - "startOffset": 1, - "text": "God." - } - }, - { - "from_name": "actions", - "id": "RzjHJLq7Ui", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "515", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "515", - "startOffset": 0, - "text": " So one way I could do it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "RzjHJLq7Ui", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "515", - "endOffset": 26, - "start": "515", - "startOffset": 0, - "text": " So one way I could do it." - } - }, - { - "from_name": "actions", - "id": "Sk1egD8xrZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "516", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "516", - "startOffset": 0, - "text": " Well." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Sk1egD8xrZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "516", - "endOffset": 6, - "start": "516", - "startOffset": 0, - "text": " Well." - } - }, - { - "from_name": "actions", - "id": "VtaPvv35lZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "517", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "517", - "startOffset": 1, - "text": "No." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "VtaPvv35lZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "517", - "endOffset": 4, - "start": "517", - "startOffset": 1, - "text": "No." - } - }, - { - "from_name": "actions", - "id": "QjjSL6v0r_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "518", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "518", - "startOffset": 0, - "text": " Wait minute now." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "QjjSL6v0r_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "518", - "endOffset": 17, - "start": "518", - "startOffset": 0, - "text": " Wait minute now." - } - }, - { - "from_name": "actions", - "id": "uRqB7aIsBu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "520", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "519", - "startOffset": 0, - "text": " See\n look what she did." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "uRqB7aIsBu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "520", - "endOffset": 19, - "start": "519", - "startOffset": 0, - "text": " See\n look what she did." - } - }, - { - "from_name": "actions", - "id": "y_ruroOBYP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "522", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "521", - "startOffset": 0, - "text": " She um\n flipped that sign over." - } - }, - { - "from_name": "taxonomySustain", - "id": "y_ruroOBYP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "522", - "endOffset": 24, - "start": "521", - "startOffset": 0, - "text": " She um\n flipped that sign over." - } - }, - { - "from_name": "actions", - "id": "2Rl0a747of", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "526", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "523", - "startOffset": 0, - "text": " But\n uh\n when ʔyou divide by negative two\n you have to flip all the signs over." - } - }, - { - "from_name": "taxonomySustain", - "id": "2Rl0a747of", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "526", - "endOffset": 37, - "start": "523", - "startOffset": 0, - "text": " But\n uh\n when ʔyou divide by negative two\n you have to flip all the signs over." - } - }, - { - "from_name": "actions", - "id": "2Q3cv4YFci", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "527", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "527", - "startOffset": 0, - "text": " which you did." - } - }, - { - "from_name": "taxonomySustain", - "id": "2Q3cv4YFci", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "527", - "endOffset": 15, - "start": "527", - "startOffset": 0, - "text": " which you did." - } - }, - { - "from_name": "actions", - "id": "tu7TYy_Erj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "530", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "528", - "startOffset": 1, - "text": "Yeah\n cause you got that right\n it's right here." - } - }, - { - "from_name": "taxonomySustain", - "id": "tu7TYy_Erj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "530", - "endOffset": 17, - "start": "528", - "startOffset": 1, - "text": "Yeah\n cause you got that right\n it's right here." - } - }, - { - "from_name": "actions", - "id": "-dDbO71Cju", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "531", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "531", - "startOffset": 0, - "text": " Oh gosh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "-dDbO71Cju", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "531", - "endOffset": 9, - "start": "531", - "startOffset": 0, - "text": " Oh gosh." - } - }, - { - "from_name": "actions", - "id": "Q5gwvCgjdE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "532", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "532", - "startOffset": 0, - "text": " You know what" - } - }, - { - "from_name": "taxonomySustain", - "id": "Q5gwvCgjdE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "532", - "endOffset": 14, - "start": "532", - "startOffset": 0, - "text": " You know what" - } - }, - { - "from_name": "actions", - "id": "zmdTOhql6y", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "533", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "533", - "startOffset": 0, - "text": " I'm just gonna skip this one." - } - }, - { - "from_name": "taxonomySustain", - "id": "zmdTOhql6y", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "533", - "endOffset": 30, - "start": "533", - "startOffset": 0, - "text": " I'm just gonna skip this one." - } - }, - { - "from_name": "actions", - "id": "hQprOyxZ9D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "534", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "534", - "startOffset": 0, - "text": " No you're not" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "hQprOyxZ9D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Decline" - ], - "end": "534", - "endOffset": 14, - "start": "534", - "startOffset": 0, - "text": " No you're not" - } - }, - { - "from_name": "actions", - "id": "I0xgWb9L_a", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "535", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "535", - "startOffset": 0, - "text": " you're gonna do it." - } - }, - { - "from_name": "taxonomySustain", - "id": "I0xgWb9L_a", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "535", - "endOffset": 20, - "start": "535", - "startOffset": 0, - "text": " you're gonna do it." - } - }, - { - "from_name": "actions", - "id": "Q22LzuJkO9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "536", - "endOffset": 5, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "536", - "startOffset": 1, - "text": "Now." - } - }, - { - "from_name": "taxonomySustain", - "id": "Q22LzuJkO9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "536", - "endOffset": 5, - "start": "536", - "startOffset": 1, - "text": "Now." - } - }, - { - "from_name": "actions", - "id": "gLCfF00mGq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "537", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "537", - "startOffset": 0, - "text": " So I can't start by..." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "gLCfF00mGq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "537", - "endOffset": 23, - "start": "537", - "startOffset": 0, - "text": " So I can't start by..." - } - }, - { - "from_name": "actions", - "id": "vVb8Gg94Io", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "538", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "538", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "vVb8Gg94Io", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "538", - "endOffset": 8, - "start": "538", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "coT7dZ0xEg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "539", - "endOffset": 32, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "539", - "startOffset": 0, - "text": " Not finding common denominator." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "coT7dZ0xEg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Repair" - ], - "end": "539", - "endOffset": 32, - "start": "539", - "startOffset": 0, - "text": " Not finding common denominator." - } - }, - { - "from_name": "actions", - "id": "SEi3p97Bu9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "540", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "540", - "startOffset": 1, - "text": "You have to bring." - } - }, - { - "from_name": "taxonomySustain", - "id": "SEi3p97Bu9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "540", - "endOffset": 19, - "start": "540", - "startOffset": 1, - "text": "You have to bring." - } - }, - { - "from_name": "actions", - "id": "-9fQ-q7GYm", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "543", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "541", - "startOffset": 1, - "text": "Well I can do.\n find one side by doing that\n can't I ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-9fQ-q7GYm", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "543", - "endOffset": 10, - "start": "541", - "startOffset": 1, - "text": "Well I can do.\n find one side by doing that\n can't I ?" - } - }, - { - "from_name": "actions", - "id": "gyB_38YApu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "544", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "544", - "startOffset": 0, - "text": " Yeah" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gyB_38YApu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "544", - "endOffset": 5, - "start": "544", - "startOffset": 0, - "text": " Yeah" - } - }, - { - "from_name": "actions", - "id": "iEJKmEYCl2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "545", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "544", - "startOffset": 6, - "text": "but\n why don't you just put the other." - } - }, - { - "from_name": "taxonomySustain", - "id": "iEJKmEYCl2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "545", - "endOffset": 34, - "start": "544", - "startOffset": 6, - "text": "but\n why don't you just put the other." - } - }, - { - "from_name": "actions", - "id": "l_dJ0hzN20", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "548", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "546", - "startOffset": 1, - "text": "put.\n once you have negative twothirds on the other side\n then you can find common." - } - }, - { - "from_name": "actions", - "id": "4PBcWJCjBS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "550", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "549", - "startOffset": 1, - "text": "buh buh buh buh\n common denominator for the whole thing" - } - }, - { - "from_name": "taxonomySustain", - "id": "4PBcWJCjBS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "550", - "endOffset": 39, - "start": "549", - "startOffset": 1, - "text": "buh buh buh buh\n common denominator for the whole thing" - } - }, - { - "from_name": "actions", - "id": "jhruAiFZ7N", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "551", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "551", - "startOffset": 1, - "text": "and it's gonna be the same denominator." - } - }, - { - "from_name": "taxonomySustain", - "id": "jhruAiFZ7N", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "551", - "endOffset": 40, - "start": "551", - "startOffset": 1, - "text": "and it's gonna be the same denominator." - } - }, - { - "from_name": "actions", - "id": "rxVjBwZzjs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "552", - "endOffset": 74, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "552", - "startOffset": 1, - "text": "Well what's the common denominator of bluh bluh bluh bluh bluh bluh bluh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rxVjBwZzjs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "552", - "endOffset": 74, - "start": "552", - "startOffset": 1, - "text": "Well what's the common denominator of bluh bluh bluh bluh bluh bluh bluh." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "rxVjBwZzjs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "552", - "endOffset": 74, - "start": "552", - "startOffset": 1, - "text": "Well what's the common denominator of bluh bluh bluh bluh bluh bluh bluh." - } - }, - { - "from_name": "actions", - "id": "Eemf5rExGr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "555", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "555", - "startOffset": 1, - "text": "I didn't mean that." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "Eemf5rExGr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Refute" - ], - "end": "555", - "endOffset": 20, - "start": "555", - "startOffset": 1, - "text": "I didn't mean that." - } - }, - { - "from_name": "actions", - "id": "kK3hbVtOei", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "556", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "556", - "startOffset": 0, - "text": " I meant once you bring it over there." - } - }, - { - "from_name": "taxonomySustain", - "id": "kK3hbVtOei", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "556", - "endOffset": 38, - "start": "556", - "startOffset": 0, - "text": " I meant once you bring it over there." - } - }, - { - "from_name": "actions", - "id": "yS8pU7Azpc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "558", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "558", - "startOffset": 1, - "text": "I know what you meant." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "yS8pU7Azpc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "558", - "endOffset": 23, - "start": "558", - "startOffset": 1, - "text": "I know what you meant." - } - }, - { - "from_name": "actions", - "id": "V01ZBLa3zL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "559", - "endOffset": 58, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "559", - "startOffset": 1, - "text": "I don't ever remember us doing anything like that though." - } - }, - { - "from_name": "taxonomySustain", - "id": "V01ZBLa3zL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "559", - "endOffset": 58, - "start": "559", - "startOffset": 1, - "text": "I don't ever remember us doing anything like that though." - } - }, - { - "from_name": "actions", - "id": "1MbTcEM1SD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "560", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "560", - "startOffset": 1, - "text": "Well add it onto the other side." - } - }, - { - "from_name": "taxonomySustain", - "id": "1MbTcEM1SD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "560", - "endOffset": 33, - "start": "560", - "startOffset": 1, - "text": "Well add it onto the other side." - } - }, - { - "from_name": "actions", - "id": "XfoZPONBUe", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "561", - "endOffset": 70, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "561", - "startOffset": 1, - "text": "There's like way you always can get rid of those absolute value bars." - } - }, - { - "from_name": "taxonomySustain", - "id": "XfoZPONBUe", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "561", - "endOffset": 70, - "start": "561", - "startOffset": 1, - "text": "There's like way you always can get rid of those absolute value bars." - } - }, - { - "from_name": "actions", - "id": "FZhJ2heuy1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "562", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "562", - "startOffset": 1, - "text": "in problems" - } - }, - { - "from_name": "taxonomySustain", - "id": "FZhJ2heuy1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "562", - "endOffset": 12, - "start": "562", - "startOffset": 1, - "text": "in problems" - } - }, - { - "from_name": "actions", - "id": "GFRDmWN1R7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "563", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "563", - "startOffset": 0, - "text": " isn't there ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GFRDmWN1R7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "563", - "endOffset": 14, - "start": "563", - "startOffset": 0, - "text": " isn't there ?" - } - }, - { - "from_name": "actions", - "id": "ZZH41RRnN7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "564", - "endOffset": 5, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "564", - "startOffset": 0, - "text": " Hey." - } - }, - { - "from_name": "taxonomySustain", - "id": "ZZH41RRnN7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "564", - "endOffset": 5, - "start": "564", - "startOffset": 0, - "text": " Hey." - } - }, - { - "from_name": "actions", - "id": "qqBgdDGwi2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "565", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "565", - "startOffset": 0, - "text": " Can I use some of this ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "qqBgdDGwi2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "565", - "endOffset": 25, - "start": "565", - "startOffset": 0, - "text": " Can I use some of this ?" - } - }, - { - "from_name": "actions", - "id": "cD6vvYFyQh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "567", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "566", - "startOffset": 0, - "text": " Oh.\n Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "cD6vvYFyQh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "567", - "endOffset": 6, - "start": "566", - "startOffset": 0, - "text": " Oh.\n Yeah." - } - }, - { - "from_name": "actions", - "id": "C16gNKF_Gb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "571", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "568", - "startOffset": 1, - "text": "ʔuMm.\n See\n yeah.\n Here it's absolute values." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "C16gNKF_Gb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "571", - "endOffset": 27, - "start": "568", - "startOffset": 1, - "text": "ʔuMm.\n See\n yeah.\n Here it's absolute values." - } - }, - { - "from_name": "actions", - "id": "jftSdsyeD3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "572", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "572", - "startOffset": 1, - "text": "Right here." - } - }, - { - "from_name": "taxonomySustain", - "id": "jftSdsyeD3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "572", - "endOffset": 12, - "start": "572", - "startOffset": 1, - "text": "Right here." - } - }, - { - "from_name": "actions", - "id": "SdNCUgOXw2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "573", - "endOffset": 51, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "573", - "startOffset": 1, - "text": "And it's doing it the way that you were doing it ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "SdNCUgOXw2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "573", - "endOffset": 51, - "start": "573", - "startOffset": 1, - "text": "And it's doing it the way that you were doing it ?" - } - }, - { - "from_name": "actions", - "id": "BP3hdDuTZl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "574", - "endOffset": 44, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "574", - "startOffset": 0, - "text": " I'm trying to find one like that one " - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "BP3hdDuTZl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "574", - "endOffset": 44, - "start": "574", - "startOffset": 0, - "text": " I'm trying to find one like that one " - } - }, - { - "from_name": "actions", - "id": "qzzVgrAC5X", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "575", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "575", - "startOffset": 0, - "text": " See that's the problem" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "qzzVgrAC5X", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "575", - "endOffset": 23, - "start": "575", - "startOffset": 0, - "text": " See that's the problem" - } - }, - { - "from_name": "actions", - "id": "1lyadXxc-v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "576", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "576", - "startOffset": 0, - "text": " there's so many different types." - } - }, - { - "from_name": "taxonomySustain", - "id": "1lyadXxc-v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "576", - "endOffset": 33, - "start": "576", - "startOffset": 0, - "text": " there's so many different types." - } - }, - { - "from_name": "actions", - "id": "2UjJGVYwO0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "579", - "endOffset": 60, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "577", - "startOffset": 1, - "text": "That\n I'm sitting here worrying about this one right here\n and there probably won't even be one like this on the test." - } - }, - { - "from_name": "taxonomySustain", - "id": "2UjJGVYwO0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "579", - "endOffset": 60, - "start": "577", - "startOffset": 1, - "text": "That\n I'm sitting here worrying about this one right here\n and there probably won't even be one like this on the test." - } - }, - { - "from_name": "actions", - "id": "LuMWG3DMpH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "580", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "580", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "LuMWG3DMpH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "580", - "endOffset": 8, - "start": "580", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "PCuBHZLMoW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "581", - "endOffset": 27, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "581", - "startOffset": 1, - "text": "There'll be different one." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "PCuBHZLMoW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "581", - "endOffset": 27, - "start": "581", - "startOffset": 1, - "text": "There'll be different one." - } - }, - { - "from_name": "actions", - "id": "WX1ZhEl77Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "582", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "582", - "startOffset": 1, - "text": "So what do you do." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "WX1ZhEl77Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "582", - "endOffset": 19, - "start": "582", - "startOffset": 1, - "text": "So what do you do." - } - }, - { - "from_name": "actions", - "id": "AqCM1t94H5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "584", - "endOffset": 35, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "583", - "startOffset": 1, - "text": "You find inequality\n with an absolute value in it which" - } - }, - { - "from_name": "taxonomySustain", - "id": "AqCM1t94H5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "584", - "endOffset": 35, - "start": "583", - "startOffset": 1, - "text": "You find inequality\n with an absolute value in it which" - } - }, - { - "from_name": "actions", - "id": "1RVtQRjye2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "585", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "585", - "startOffset": 0, - "text": " there's one right there." - } - }, - { - "from_name": "taxonomySustain", - "id": "1RVtQRjye2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "585", - "endOffset": 25, - "start": "585", - "startOffset": 0, - "text": " there's one right there." - } - }, - { - "from_name": "actions", - "id": "auwKMkK8f_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "587", - "endOffset": 6, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "586", - "startOffset": 0, - "text": " Mhm.\n See ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "auwKMkK8f_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "587", - "endOffset": 6, - "start": "586", - "startOffset": 0, - "text": " Mhm.\n See ?" - } - }, - { - "from_name": "actions", - "id": "B9mLDWlRHR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "588", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "588", - "startOffset": 1, - "text": "I sure didn't see any in the..." - } - }, - { - "from_name": "taxonomySustain", - "id": "B9mLDWlRHR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "588", - "endOffset": 32, - "start": "588", - "startOffset": 1, - "text": "I sure didn't see any in the..." - } - }, - { - "from_name": "actions", - "id": "547KKbvrzm", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "589", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "589", - "startOffset": 0, - "text": " examples." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "547KKbvrzm", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Repair" - ], - "end": "589", - "endOffset": 10, - "start": "589", - "startOffset": 0, - "text": " examples." - } - }, - { - "from_name": "actions", - "id": "Tb6hJUObLe", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "591", - "endOffset": 6, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "590", - "startOffset": 0, - "text": " Hmm.\n See ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "Tb6hJUObLe", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "591", - "endOffset": 6, - "start": "590", - "startOffset": 0, - "text": " Hmm.\n See ?" - } - }, - { - "from_name": "actions", - "id": "SQFWelzqJn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "592", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "592", - "startOffset": 1, - "text": "There's no." - } - }, - { - "from_name": "taxonomySustain", - "id": "SQFWelzqJn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "592", - "endOffset": 12, - "start": "592", - "startOffset": 1, - "text": "There's no." - } - }, - { - "from_name": "actions", - "id": "N45KJty_SL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "593", - "endOffset": 13, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "593", - "startOffset": 1, - "text": "There it is." - } - }, - { - "from_name": "taxonomySustain", - "id": "N45KJty_SL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "593", - "endOffset": 13, - "start": "593", - "startOffset": 1, - "text": "There it is." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "N45KJty_SL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "593", - "endOffset": 13, - "start": "593", - "startOffset": 1, - "text": "There it is." - } - }, - { - "from_name": "actions", - "id": "ftCGXZHhYa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "595", - "endOffset": 6, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "595", - "startOffset": 1, - "text": "See ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "ftCGXZHhYa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "595", - "endOffset": 6, - "start": "595", - "startOffset": 1, - "text": "See ?" - } - }, - { - "from_name": "actions", - "id": "WR2uS4DmZo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "596", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "596", - "startOffset": 1, - "text": "Here it is." - } - }, - { - "from_name": "taxonomySustain", - "id": "WR2uS4DmZo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "596", - "endOffset": 12, - "start": "596", - "startOffset": 1, - "text": "Here it is." - } - }, - { - "from_name": "actions", - "id": "ucLG9i-SjB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "599", - "endOffset": 54, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "597", - "startOffset": 1, - "text": "Absolute value of that\n you brought\n ʔuh ʔuh brought negative four over to the other side." - } - }, - { - "from_name": "taxonomySustain", - "id": "ucLG9i-SjB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "599", - "endOffset": 54, - "start": "597", - "startOffset": 1, - "text": "Absolute value of that\n you brought\n ʔuh ʔuh brought negative four over to the other side." - } - }, - { - "from_name": "actions", - "id": "1LbqV4GM7u", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "600", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "600", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "1LbqV4GM7u", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "600", - "endOffset": 6, - "start": "600", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "actions", - "id": "gXubzk6BgQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "601", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "601", - "startOffset": 1, - "text": "And all that..." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gXubzk6BgQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "601", - "endOffset": 16, - "start": "601", - "startOffset": 1, - "text": "And all that..." - } - }, - { - "from_name": "actions", - "id": "qM6y7G8zI6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "602", - "endOffset": 81, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "602", - "startOffset": 1, - "text": "See that just proves that she puts problems on there that we've never gone over." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "qM6y7G8zI6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "602", - "endOffset": 81, - "start": "602", - "startOffset": 1, - "text": "See that just proves that she puts problems on there that we've never gone over." - } - }, - { - "from_name": "actions", - "id": "iw9ujaa0Ar", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "603", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "603", - "startOffset": 0, - "text": " I know we've never done one like that." - } - }, - { - "from_name": "taxonomySustain", - "id": "iw9ujaa0Ar", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "603", - "endOffset": 39, - "start": "603", - "startOffset": 0, - "text": " I know we've never done one like that." - } - }, - { - "from_name": "actions", - "id": "2otUAGQBDN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "604", - "endOffset": 18, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "604", - "startOffset": 0, - "text": " where you do that" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "2otUAGQBDN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "604", - "endOffset": 18, - "start": "604", - "startOffset": 0, - "text": " where you do that" - } - }, - { - "from_name": "actions", - "id": "DXDW3y6i9r", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "607", - "endOffset": 47, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "605", - "startOffset": 0, - "text": " Can you.\n Do you wanna do that when it's less than\n or can you do that when it's greater than too." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "DXDW3y6i9r", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "607", - "endOffset": 47, - "start": "605", - "startOffset": 0, - "text": " Can you.\n Do you wanna do that when it's less than\n or can you do that when it's greater than too." - } - }, - { - "from_name": "actions", - "id": "uFrlRSimrj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "608", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "608", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uFrlRSimrj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "608", - "endOffset": 6, - "start": "608", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "d71YfCwC0S", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "610", - "endOffset": 12, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "610", - "startOffset": 1, - "text": "Either way." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "d71YfCwC0S", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "610", - "endOffset": 12, - "start": "610", - "startOffset": 1, - "text": "Either way." - } - }, - { - "from_name": "actions", - "id": "vGsP_q-UYT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "612", - "endOffset": 54, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "611", - "startOffset": 1, - "text": "So if it's pointed this way\n you just put another one pointing this way over here." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "vGsP_q-UYT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "612", - "endOffset": 54, - "start": "611", - "startOffset": 1, - "text": "So if it's pointed this way\n you just put another one pointing this way over here." - } - }, - { - "from_name": "actions", - "id": "L1vY45Bqe8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "613", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "613", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "L1vY45Bqe8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "613", - "endOffset": 7, - "start": "613", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "actions", - "id": "tEBik0pwVT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "614", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "614", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tEBik0pwVT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "614", - "endOffset": 6, - "start": "614", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "-P_rxpr2Y8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "615", - "endOffset": 26, - "paragraphlabels": [ - "Open" - ], - "start": "615", - "startOffset": 0, - "text": " Where'd you get that one." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "-P_rxpr2Y8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "615", - "endOffset": 26, - "start": "615", - "startOffset": 0, - "text": " Where'd you get that one." - } - }, - { - "from_name": "taxonomyOpen", - "id": "-P_rxpr2Y8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "615", - "endOffset": 26, - "start": "615", - "startOffset": 0, - "text": " Where'd you get that one." - } - }, - { - "from_name": "actions", - "id": "EmupXeWYEU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "617", - "endOffset": 16, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "617", - "startOffset": 0, - "text": " That's big one." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "EmupXeWYEU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "617", - "endOffset": 16, - "start": "617", - "startOffset": 0, - "text": " That's big one." - } - }, - { - "from_name": "taxonomySustain", - "id": "EmupXeWYEU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "617", - "endOffset": 16, - "start": "617", - "startOffset": 0, - "text": " That's big one." - } - }, - { - "from_name": "actions", - "id": "QxJe3CQ8nQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "619", - "endOffset": 20, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "619", - "startOffset": 0, - "text": " You're not kidding." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "QxJe3CQ8nQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "619", - "endOffset": 20, - "start": "619", - "startOffset": 0, - "text": " You're not kidding." - } - }, - { - "from_name": "actions", - "id": "THYqXnQD_B", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "620", - "endOffset": 21, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "620", - "startOffset": 0, - "text": " That's my thumbnail." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "THYqXnQD_B", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "620", - "endOffset": 21, - "start": "620", - "startOffset": 0, - "text": " That's my thumbnail." - } - }, - { - "from_name": "actions", - "id": "cfC0eonKa6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "625", - "endOffset": 56, - "paragraphlabels": [ - "Open" - ], - "start": "625", - "startOffset": 1, - "text": "Now I just get common denominator for the whole thing ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "cfC0eonKa6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "625", - "endOffset": 56, - "start": "625", - "startOffset": 1, - "text": "Now I just get common denominator for the whole thing ?" - } - }, - { - "from_name": "actions", - "id": "rE7Qlnb3xq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "627", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "626", - "startOffset": 0, - "text": " Mhm.\n Well" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rE7Qlnb3xq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "627", - "endOffset": 5, - "start": "626", - "startOffset": 0, - "text": " Mhm.\n Well" - } - }, - { - "from_name": "actions", - "id": "mvyNqZMZDp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "629", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "628", - "startOffset": 0, - "text": " take out those absolute value things\n they'll screw you up." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "mvyNqZMZDp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "629", - "endOffset": 22, - "start": "628", - "startOffset": 0, - "text": " take out those absolute value things\n they'll screw you up." - } - }, - { - "from_name": "actions", - "id": "NmdpgpV3Pq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "630", - "endOffset": 7, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "630", - "startOffset": 0, - "text": " ʔYeah." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "NmdpgpV3Pq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "630", - "endOffset": 7, - "start": "630", - "startOffset": 0, - "text": " ʔYeah." - } - }, - { - "from_name": "actions", - "id": "-_De3ukbVY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "632", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "631", - "startOffset": 1, - "text": "And now this'll be six\n right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-_De3ukbVY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "632", - "endOffset": 8, - "start": "631", - "startOffset": 1, - "text": "And now this'll be six\n right ?" - } - }, - { - "from_name": "actions", - "id": "jWFl3SAO84", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "634", - "endOffset": 16, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "634", - "startOffset": 0, - "text": " Is that right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "jWFl3SAO84", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "634", - "endOffset": 16, - "start": "634", - "startOffset": 0, - "text": " Is that right ?" - } - }, - { - "from_name": "actions", - "id": "8rIFCuSA4e", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "635", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "635", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "8rIFCuSA4e", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "635", - "endOffset": 5, - "start": "635", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "o9Y0XZJWhy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "636", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "636", - "startOffset": 1, - "text": "Now what do you do." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "o9Y0XZJWhy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "636", - "endOffset": 20, - "start": "636", - "startOffset": 1, - "text": "Now what do you do." - } - }, - { - "from_name": "actions", - "id": "LiHB8SPix_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "638", - "endOffset": 17, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "637", - "startOffset": 0, - "text": " Subtract three.\n from the middle." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "LiHB8SPix_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "638", - "endOffset": 17, - "start": "637", - "startOffset": 0, - "text": " Subtract three.\n from the middle." - } - }, - { - "from_name": "actions", - "id": "uy_0DDhMGc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "642", - "endOffset": 16, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "639", - "startOffset": 1, - "text": "And.\n To which side.\n To both sides.\n To both sides ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "uy_0DDhMGc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "642", - "endOffset": 16, - "start": "639", - "startOffset": 1, - "text": "And.\n To which side.\n To both sides.\n To both sides ?" - } - }, - { - "from_name": "actions", - "id": "elgxBwWzg1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "643", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "643", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "elgxBwWzg1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "643", - "endOffset": 6, - "start": "643", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "actions", - "id": "oMmUPTPizt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "645", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "645", - "startOffset": 0, - "text": " Negative." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "oMmUPTPizt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "645", - "endOffset": 10, - "start": "645", - "startOffset": 0, - "text": " Negative." - } - }, - { - "from_name": "actions", - "id": "7DpHKsdQ30", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "646", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "646", - "startOffset": 0, - "text": " two ex." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "7DpHKsdQ30", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Repair" - ], - "end": "646", - "endOffset": 8, - "start": "646", - "startOffset": 0, - "text": " two ex." - } - }, - { - "from_name": "actions", - "id": "22c2UGj1sP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "647", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "647", - "startOffset": 0, - "text": " Alright." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "22c2UGj1sP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "647", - "endOffset": 9, - "start": "647", - "startOffset": 0, - "text": " Alright." - } - }, - { - "from_name": "actions", - "id": "SYm4I4Kv8M", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "648", - "endOffset": 7, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "648", - "startOffset": 0, - "text": " To one" - } - }, - { - "from_name": "taxonomySustain", - "id": "SYm4I4Kv8M", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "648", - "endOffset": 7, - "start": "648", - "startOffset": 0, - "text": " To one" - } - }, - { - "from_name": "actions", - "id": "0TODLPfd9d", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "651", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "649", - "startOffset": 1, - "text": "then\n after that you have to\n take out the negatives." - } - }, - { - "from_name": "taxonomySustain", - "id": "0TODLPfd9d", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "651", - "endOffset": 24, - "start": "649", - "startOffset": 1, - "text": "then\n after that you have to\n take out the negatives." - } - }, - { - "from_name": "actions", - "id": "d5S4QgTSf1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "652", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "652", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "d5S4QgTSf1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "652", - "endOffset": 6, - "start": "652", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "D3PSm-vVrm", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "653", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "653", - "startOffset": 0, - "text": " Divide by." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "D3PSm-vVrm", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "653", - "endOffset": 11, - "start": "653", - "startOffset": 0, - "text": " Divide by." - } - }, - { - "from_name": "actions", - "id": "HISTwAEL4m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "655", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "654", - "startOffset": 0, - "text": " Well just.\n Divide by negative two." - } - }, - { - "from_name": "taxonomySustain", - "id": "HISTwAEL4m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "655", - "endOffset": 24, - "start": "654", - "startOffset": 0, - "text": " Well just.\n Divide by negative two." - } - }, - { - "from_name": "actions", - "id": "Vynbt-KFPv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "657", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "656", - "startOffset": 1, - "text": "Oh\n you can't get that by." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Vynbt-KFPv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "657", - "endOffset": 23, - "start": "656", - "startOffset": 1, - "text": "Oh\n you can't get that by." - } - }, - { - "from_name": "actions", - "id": "NZM1XLSKww", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "659", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "659", - "startOffset": 1, - "text": "ex by itself ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "NZM1XLSKww", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "659", - "endOffset": 15, - "start": "659", - "startOffset": 1, - "text": "ex by itself ?" - } - }, - { - "from_name": "actions", - "id": "b7hJRZAn0i", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "660", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "660", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "b7hJRZAn0i", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "660", - "endOffset": 6, - "start": "660", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "CkQOOWhXm1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "662", - "endOffset": 33, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "662", - "startOffset": 1, - "text": "And when you divide by negative." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "CkQOOWhXm1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "662", - "endOffset": 33, - "start": "662", - "startOffset": 1, - "text": "And when you divide by negative." - } - }, - { - "from_name": "actions", - "id": "rcncSijEfQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "664", - "endOffset": 28, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "664", - "startOffset": 1, - "text": "you have to flip the signs." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rcncSijEfQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "664", - "endOffset": 28, - "start": "664", - "startOffset": 1, - "text": "you have to flip the signs." - } - }, - { - "from_name": "actions", - "id": "I-s-nV79Cb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "665", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "665", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "I-s-nV79Cb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "665", - "endOffset": 6, - "start": "665", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "ByLU0DFOTS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "666", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "666", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ByLU0DFOTS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "666", - "endOffset": 6, - "start": "666", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "BR38kLkvhe", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "668", - "endOffset": 18, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "667", - "startOffset": 0, - "text": " And when you do that\n it's gonna be or." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "BR38kLkvhe", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "668", - "endOffset": 18, - "start": "667", - "startOffset": 0, - "text": " And when you do that\n it's gonna be or." - } - }, - { - "from_name": "actions", - "id": "wVLHFwpfu-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "669", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "669", - "startOffset": 0, - "text": " Because if you look at it" - } - }, - { - "from_name": "taxonomySustain", - "id": "wVLHFwpfu-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "669", - "endOffset": 26, - "start": "669", - "startOffset": 0, - "text": " Because if you look at it" - } - }, - { - "from_name": "actions", - "id": "QGKF6xu56h", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "674", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "670", - "startOffset": 0, - "text": " cause\n you know\n it can't be greater than sevenhalves\n and less than negative halve at the\none half at the same time." - } - }, - { - "from_name": "taxonomySustain", - "id": "QGKF6xu56h", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "674", - "endOffset": 26, - "start": "670", - "startOffset": 0, - "text": " cause\n you know\n it can't be greater than sevenhalves\n and less than negative halve at the\none half at the same time." - } - }, - { - "from_name": "actions", - "id": "ilOGvnAbit", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "677", - "endOffset": 4, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "675", - "startOffset": 0, - "text": " So it's gonna be either ex\nis less than or equal to negative one half\n or." - } - }, - { - "from_name": "taxonomySustain", - "id": "ilOGvnAbit", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "677", - "endOffset": 4, - "start": "675", - "startOffset": 0, - "text": " So it's gonna be either ex\nis less than or equal to negative one half\n or." - } - }, - { - "from_name": "actions", - "id": "GM0nM5lKji", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "678", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "678", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "GM0nM5lKji", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "678", - "endOffset": 6, - "start": "678", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "actions", - "id": "j8PNvaj9v7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "681", - "endOffset": 42, - "paragraphlabels": [ - "Open" - ], - "start": "681", - "startOffset": 1, - "text": "Will you pass me some of that tea please." - } - }, - { - "from_name": "taxonomyOpen", - "id": "j8PNvaj9v7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Fact" - ], - "end": "681", - "endOffset": 42, - "start": "681", - "startOffset": 1, - "text": "Will you pass me some of that tea please." - } - }, - { - "from_name": "actions", - "id": "qdVOLQ868W", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "683", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "682", - "startOffset": 0, - "text": " Oh\n thank you." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "qdVOLQ868W", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Accept" - ], - "end": "683", - "endOffset": 11, - "start": "682", - "startOffset": 0, - "text": " Oh\n thank you." - } - }, - { - "from_name": "actions", - "id": "FlMFB2UZC1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "685", - "endOffset": 12, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "685", - "startOffset": 1, - "text": "Number ten." - } - }, - { - "from_name": "actions", - "id": "HcdU3f--7m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "686", - "endOffset": 36, - "paragraphlabels": [ - "Open" - ], - "start": "686", - "startOffset": 0, - "text": " How many problems are on this test." - } - }, - { - "from_name": "taxonomyOpen", - "id": "HcdU3f--7m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "686", - "endOffset": 36, - "start": "686", - "startOffset": 0, - "text": " How many problems are on this test." - } - }, - { - "from_name": "actions", - "id": "Y99IPkl6NI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "687", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "687", - "startOffset": 0, - "text": " Twelve." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Y99IPkl6NI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "687", - "endOffset": 8, - "start": "687", - "startOffset": 0, - "text": " Twelve." - } - }, - { - "from_name": "actions", - "id": "ihr00Yx013", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "688", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "688", - "startOffset": 1, - "text": "Oh good." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ihr00Yx013", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "688", - "endOffset": 9, - "start": "688", - "startOffset": 1, - "text": "Oh good." - } - }, - { - "from_name": "actions", - "id": "HXryPU7NFx", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "689", - "endOffset": 41, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "689", - "startOffset": 0, - "text": " What did you want to do after this test." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "HXryPU7NFx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "689", - "endOffset": 41, - "start": "689", - "startOffset": 0, - "text": " What did you want to do after this test." - } - }, - { - "from_name": "actions", - "id": "nUORk1bnF-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "691", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "690", - "startOffset": 0, - "text": " That's it\n I guess." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "nUORk1bnF-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "691", - "endOffset": 9, - "start": "690", - "startOffset": 0, - "text": " That's it\n I guess." - } - }, - { - "from_name": "actions", - "id": "0M7-Nw9oPK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "693", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "692", - "startOffset": 1, - "text": "You gonna study some more tomorrow then\n right ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "0M7-Nw9oPK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "693", - "endOffset": 8, - "start": "692", - "startOffset": 1, - "text": "You gonna study some more tomorrow then\n right ?" - } - }, - { - "from_name": "actions", - "id": "1CTI0dgEY0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "694", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "694", - "startOffset": 0, - "text": " Oh definitely." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "1CTI0dgEY0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "694", - "endOffset": 15, - "start": "694", - "startOffset": 0, - "text": " Oh definitely." - } - }, - { - "from_name": "actions", - "id": "gPMcq9phcZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "695", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "695", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gPMcq9phcZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "695", - "endOffset": 6, - "start": "695", - "startOffset": 0, - "text": " Okay." - } - }, - { - "from_name": "actions", - "id": "oBMp2SBTxc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "699", - "endOffset": 19, - "paragraphlabels": [ - "Open" - ], - "start": "696", - "startOffset": 0, - "text": " Ex plus four\n over\n three ex minus two\n is less than zero." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oBMp2SBTxc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "699", - "endOffset": 19, - "start": "696", - "startOffset": 0, - "text": " Ex plus four\n over\n three ex minus two\n is less than zero." - } - }, - { - "from_name": "taxonomyOpen", - "id": "oBMp2SBTxc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "699", - "endOffset": 19, - "start": "696", - "startOffset": 0, - "text": " Ex plus four\n over\n three ex minus two\n is less than zero." - } - }, - { - "from_name": "actions", - "id": "4qMpUBAEPn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "700", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "700", - "startOffset": 0, - "text": " Is less than zero." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "4qMpUBAEPn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "700", - "endOffset": 19, - "start": "700", - "startOffset": 0, - "text": " Is less than zero." - } - }, - { - "from_name": "actions", - "id": "P63WJHfIDq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "701", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "701", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "P63WJHfIDq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "701", - "endOffset": 7, - "start": "701", - "startOffset": 0, - "text": " Right." - } - }, - { - "from_name": "actions", - "id": "npFYJiP4u1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "703", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "703", - "startOffset": 1, - "text": "Gosh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "npFYJiP4u1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "703", - "endOffset": 6, - "start": "703", - "startOffset": 1, - "text": "Gosh." - } - }, - { - "from_name": "actions", - "id": "GGi0TNivSO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "705", - "endOffset": 41, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "704", - "startOffset": 0, - "text": " Is this the.\n Is this the same class I'm taking Kathy." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GGi0TNivSO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "705", - "endOffset": 41, - "start": "704", - "startOffset": 0, - "text": " Is this the.\n Is this the same class I'm taking Kathy." - } - }, - { - "from_name": "actions", - "id": "rjjD7FyuN4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "708", - "endOffset": 26, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "706", - "startOffset": 1, - "text": "Are you sure we're doing work from the same class that I'm.\n that I'm.\n that I go to every night." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "rjjD7FyuN4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "708", - "endOffset": 26, - "start": "706", - "startOffset": 1, - "text": "Are you sure we're doing work from the same class that I'm.\n that I'm.\n that I go to every night." - } - }, - { - "from_name": "actions", - "id": "TQPsWX7sxG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "709", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "709", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "TQPsWX7sxG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "709", - "endOffset": 14, - "start": "709", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "actions", - "id": "j6zy5c5u7H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "710", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "710", - "startOffset": 0, - "text": " Are we ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "j6zy5c5u7H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "710", - "endOffset": 9, - "start": "710", - "startOffset": 0, - "text": " Are we ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "j6zy5c5u7H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "710", - "endOffset": 9, - "start": "710", - "startOffset": 0, - "text": " Are we ?" - } - }, - { - "from_name": "actions", - "id": "IeinUdwF8q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "713", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "711", - "startOffset": 0, - "text": " It's got the same name\n but\n that's about it." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "IeinUdwF8q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "713", - "endOffset": 17, - "start": "711", - "startOffset": 0, - "text": " It's got the same name\n but\n that's about it." - } - }, - { - "from_name": "actions", - "id": "YhE9P5jl1W", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "714", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "714", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "YhE9P5jl1W", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "714", - "endOffset": 6, - "start": "714", - "startOffset": 1, - "text": "Okay." - } - }, - { - "from_name": "actions", - "id": "MFMG2Gjt6_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "715", - "endOffset": 41, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "715", - "startOffset": 0, - "text": " I don't even know how you start this one" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "MFMG2Gjt6_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "715", - "endOffset": 41, - "start": "715", - "startOffset": 0, - "text": " I don't even know how you start this one" - } - }, - { - "from_name": "actions", - "id": "GTQEF51KTa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "716", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "716", - "startOffset": 1, - "text": "do you ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GTQEF51KTa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "716", - "endOffset": 9, - "start": "716", - "startOffset": 1, - "text": "do you ?" - } - }, - { - "from_name": "actions", - "id": "DO8daGmRJ5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "717", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "717", - "startOffset": 0, - "text": " Yeah I think so" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "DO8daGmRJ5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "717", - "endOffset": 16, - "start": "717", - "startOffset": 0, - "text": " Yeah I think so" - } - }, - { - "from_name": "actions", - "id": "0XN_5cUHdk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "718", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "718", - "startOffset": 1, - "text": "but I'm not sure." - } - }, - { - "from_name": "taxonomySustain", - "id": "0XN_5cUHdk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "718", - "endOffset": 18, - "start": "718", - "startOffset": 1, - "text": "but I'm not sure." - } - }, - { - "from_name": "actions", - "id": "MFhtsVj1tf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "720", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "719", - "startOffset": 1, - "text": "Cause\n the way I start it." - } - }, - { - "from_name": "taxonomySustain", - "id": "MFhtsVj1tf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "720", - "endOffset": 20, - "start": "719", - "startOffset": 1, - "text": "Cause\n the way I start it." - } - }, - { - "from_name": "actions", - "id": "XxgmsKOAWg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "722", - "endOffset": 42, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "721", - "startOffset": 1, - "text": "Do I.\n Did I have anything written on the test ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "XxgmsKOAWg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "722", - "endOffset": 42, - "start": "721", - "startOffset": 1, - "text": "Do I.\n Did I have anything written on the test ?" - } - }, - { - "from_name": "actions", - "id": "Nykfw04Xp7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "723", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "723", - "startOffset": 1, - "text": "Mm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Nykfw04Xp7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "723", - "endOffset": 4, - "start": "723", - "startOffset": 1, - "text": "Mm." - } - }, - { - "from_name": "actions", - "id": "V84z-AyoVh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "724", - "endOffset": 18, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "724", - "startOffset": 0, - "text": " I left it blank ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "V84z-AyoVh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "724", - "endOffset": 18, - "start": "724", - "startOffset": 0, - "text": " I left it blank ?" - } - } - ] - } - ], - "data": { - "text": [ - { - "phrase": " Am I doing that right so far ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " All the way down to that ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " I think.", - "speaker": "KATH" - }, - { - "phrase": " I don't think I am.", - "speaker": "NATH" - }, - { - "phrase": " Do you ?", - "speaker": "NATH" - }, - { - "phrase": " And you'd have to have that plus or minus.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " What.", - "speaker": "KATH" - }, - { - "phrase": " I don't know what I did to get that.", - "speaker": "NATH" - }, - { - "phrase": " Where did I get that square root.", - "speaker": "NATH" - }, - { - "phrase": " um", - "speaker": "NATH" - }, - { - "phrase": " ex squared.", - "speaker": "NATH" - }, - { - "phrase": " Because you brought this over here.", - "speaker": "KATH" - }, - { - "phrase": " You brought three over here.", - "speaker": "KATH" - }, - { - "phrase": " divided by three", - "speaker": "KATH" - }, - { - "phrase": " and then you have ex squared", - "speaker": "KATH" - }, - { - "phrase": " so if you want to find ex", - "speaker": "KATH" - }, - { - "phrase": " you have the square root of ex squared.", - "speaker": "KATH" - }, - { - "phrase": " I guess all I can't figure out is", - "speaker": "NATH" - }, - { - "phrase": " what the square root of negative two two thirds is.", - "speaker": "NATH" - }, - { - "phrase": " Would that be.", - "speaker": "NATH" - }, - { - "phrase": " square root two.", - "speaker": "KATH" - }, - { - "phrase": " square root two thirds ?", - "speaker": "NATH" - }, - { - "phrase": " over three", - "speaker": "KATH" - }, - { - "phrase": " The whole thing would be over.", - "speaker": "KATH" - }, - { - "phrase": " Well.", - "speaker": "KATH" - }, - { - "phrase": " No it couldn't be.", - "speaker": "KATH" - }, - { - "phrase": " Square root of two thirds", - "speaker": "KATH" - }, - { - "phrase": " yeah.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " But then you got the other one Nathan.", - "speaker": "KATH" - }, - { - "phrase": " Oh", - "speaker": "NATH" - }, - { - "phrase": " gosh", - "speaker": "NATH" - }, - { - "phrase": " hm.", - "speaker": "NATH" - }, - { - "phrase": " Leah.", - "speaker": "NATH" - }, - { - "phrase": " She snoozing on the floor ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Not anymore", - "speaker": "KATH" - }, - { - "phrase": " you woke her up.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " She's doing the karate kid", - "speaker": "KATH" - }, - { - "phrase": " Nathan.", - "speaker": "KATH" - }, - { - "phrase": " She's like", - "speaker": "NATH" - }, - { - "phrase": " leave me alone.", - "speaker": "NATH" - }, - { - "phrase": " Do I deserve this.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " I mean how would you like it", - "speaker": "NATH" - }, - { - "phrase": " when you're laying in bed.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " somebody just grabbed your arm", - "speaker": "NATH" - }, - { - "phrase": " started swinging it around.", - "speaker": "NATH" - }, - { - "phrase": " I'd probably just slap em.", - "speaker": "KATH" - }, - { - "phrase": " Ex squared equals one over the square root of that", - "speaker": "NATH" - }, - { - "phrase": " the square root of that", - "speaker": "NATH" - }, - { - "phrase": " ex equals the square root of one.", - "speaker": "NATH" - }, - { - "phrase": " She's not even looking at me.", - "speaker": "KATH" - }, - { - "phrase": " She's just looking", - "speaker": "KATH" - }, - { - "phrase": " like...", - "speaker": "KATH" - }, - { - "phrase": " I know.", - "speaker": "NATH" - }, - { - "phrase": " That's what I'm talking about.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " So.", - "speaker": "NATH" - }, - { - "phrase": " would that one be", - "speaker": "NATH" - }, - { - "phrase": " square root of one half ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " It would ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Yep.", - "speaker": "KATH" - }, - { - "phrase": " But do y'all have to do that", - "speaker": "KATH" - }, - { - "phrase": " um", - "speaker": "KATH" - }, - { - "phrase": " you have to like", - "speaker": "KATH" - }, - { - "phrase": " have it where you do that", - "speaker": "KATH" - }, - { - "phrase": " there's no", - "speaker": "KATH" - }, - { - "phrase": " um.", - "speaker": "KATH" - }, - { - "phrase": " fraction under...", - "speaker": "NATH" - }, - { - "phrase": " ʔuh under the", - "speaker": "KATH" - }, - { - "phrase": " in the denominator ?", - "speaker": "KATH" - }, - { - "phrase": " I mean no fraction under the...", - "speaker": "KATH" - }, - { - "phrase": " Oh yeah.", - "speaker": "NATH" - }, - { - "phrase": " So then you just multiply", - "speaker": "KATH" - }, - { - "phrase": " the whole thing by the square root of two", - "speaker": "KATH" - }, - { - "phrase": " and you get the square root of two over two.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Even for the top one ?", - "speaker": "NATH" - }, - { - "phrase": " Even for that one ?", - "speaker": "NATH" - }, - { - "phrase": " No.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " I'm talking about for this one.", - "speaker": "KATH" - }, - { - "phrase": " Oh.", - "speaker": "NATH" - }, - { - "phrase": " All you do is like go", - "speaker": "NATH" - }, - { - "phrase": " two over one.", - "speaker": "NATH" - }, - { - "phrase": " You have the square root of one.", - "speaker": "KATH" - }, - { - "phrase": " like that", - "speaker": "NATH" - }, - { - "phrase": " right ?", - "speaker": "NATH" - }, - { - "phrase": " Mm.", - "speaker": "KATH" - }, - { - "phrase": " Since you have the square root of two on the bottom", - "speaker": "KATH" - }, - { - "phrase": " to make that square", - "speaker": "KATH" - }, - { - "phrase": " you have to multiply by the square root of two.", - "speaker": "KATH" - }, - { - "phrase": " And then you get two", - "speaker": "KATH" - }, - { - "phrase": " and you multiply the top by the square root of two", - "speaker": "KATH" - }, - { - "phrase": " and you get", - "speaker": "KATH" - }, - { - "phrase": " square root of two.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " What ", - "speaker": "KATH" - }, - { - "phrase": " I wanna rewind it and hear that back again.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Cause I sure didn't catch it the first time ", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " You got the two", - "speaker": "NATH" - }, - { - "phrase": " and you take the square root of two.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " and you get the negative two.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " which you take the square.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " and it comes to two.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " I'm sorry", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " So.", - "speaker": "NATH" - }, - { - "phrase": " let's talk about this slowly", - "speaker": "NATH" - }, - { - "phrase": " as I write this down", - "speaker": "NATH" - }, - { - "phrase": " as you're saying it.", - "speaker": "NATH" - }, - { - "phrase": " Alright ?", - "speaker": "NATH" - }, - { - "phrase": " This is what we came out with.", - "speaker": "NATH" - }, - { - "phrase": " Right ?", - "speaker": "NATH" - }, - { - "phrase": " It's.", - "speaker": "KATH" - }, - { - "phrase": " But put it as the square root of one", - "speaker": "KATH" - }, - { - "phrase": " over the square root of two.", - "speaker": "KATH" - }, - { - "phrase": " Oh.", - "speaker": "NATH" - }, - { - "phrase": " And then you multiply that by the square root of two", - "speaker": "NATH" - }, - { - "phrase": " over the square root of two.", - "speaker": "NATH" - }, - { - "phrase": " Right.", - "speaker": "KATH" - }, - { - "phrase": " Uh", - "speaker": "NATH" - }, - { - "phrase": "is that what all those square root of twos are haha?", - "speaker": "NATH" - }, - { - "phrase": " That's what I was.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " That's what I was trying to say.", - "speaker": "KATH" - }, - { - "phrase": " Okay", - "speaker": "NATH" - }, - { - "phrase": " I was wondering where all that", - "speaker": "NATH" - }, - { - "phrase": " square root two", - "speaker": "NATH" - }, - { - "phrase": " square root two.", - "speaker": "NATH" - }, - { - "phrase": " That's what it was.", - "speaker": "KATH" - }, - { - "phrase": " Then right here you'd get", - "speaker": "NATH" - }, - { - "phrase": " square root of two over two.", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " See everything was square root two", - "speaker": "NATH" - }, - { - "phrase": " over two", - "speaker": "NATH" - }, - { - "phrase": " and two.", - "speaker": "NATH" - }, - { - "phrase": " Right", - "speaker": "KATH" - }, - { - "phrase": " but then", - "speaker": "KATH" - }, - { - "phrase": " what about this one.", - "speaker": "KATH" - }, - { - "phrase": " on this one.", - "speaker": "NATH" - }, - { - "phrase": " Let me do this one.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " But", - "speaker": "KATH" - }, - { - "phrase": " you have.", - "speaker": "KATH" - }, - { - "phrase": " you have i square root of three", - "speaker": "KATH" - }, - { - "phrase": " over square root of three.", - "speaker": "KATH" - }, - { - "phrase": " I mean.", - "speaker": "KATH" - }, - { - "phrase": " square root of two over.", - "speaker": "KATH" - }, - { - "phrase": " square root of three", - "speaker": "KATH" - }, - { - "phrase": " I can't even say it right.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Over", - "speaker": "NATH" - }, - { - "phrase": " do I have another down here", - "speaker": "NATH" - }, - { - "phrase": " or just the one i.", - "speaker": "NATH" - }, - { - "phrase": " Um", - "speaker": "KATH" - }, - { - "phrase": " no.", - "speaker": "KATH" - }, - { - "phrase": " Just one.", - "speaker": "KATH" - }, - { - "phrase": " Okay", - "speaker": "NATH" - }, - { - "phrase": " three and square root of three", - "speaker": "NATH" - }, - { - "phrase": " over square root of three", - "speaker": "NATH" - }, - { - "phrase": " and you get", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " square root of six.", - "speaker": "KATH" - }, - { - "phrase": " Yeah.", - "speaker": "NATH" - }, - { - "phrase": " Over three.", - "speaker": "NATH" - }, - { - "phrase": " Is that right ?", - "speaker": "KATH" - }, - { - "phrase": " I doubt it.", - "speaker": "NATH" - }, - { - "phrase": " I really do.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " I'm not kidding.", - "speaker": "NATH" - }, - { - "phrase": " You can't.", - "speaker": "KATH" - }, - { - "phrase": " You can't multiply", - "speaker": "KATH" - }, - { - "phrase": " square roots like that", - "speaker": "KATH" - }, - { - "phrase": " can you ?", - "speaker": "KATH" - }, - { - "phrase": " Square root of two", - "speaker": "KATH" - }, - { - "phrase": " times square root of three", - "speaker": "KATH" - }, - { - "phrase": " is square root of six", - "speaker": "KATH" - }, - { - "phrase": " is it ?", - "speaker": "KATH" - }, - { - "phrase": " Yeah.", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "KATH" - }, - { - "phrase": " Well", - "speaker": "KATH" - }, - { - "phrase": " then that's fine.", - "speaker": "KATH" - }, - { - "phrase": " Then that is right.", - "speaker": "KATH" - }, - { - "phrase": " Isn't that.", - "speaker": "NATH" - }, - { - "phrase": " You can do that.", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " Cause that's the same way you're multiplying there", - "speaker": "NATH" - }, - { - "phrase": " square root of nine", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " and square root of nine equals three.", - "speaker": "NATH" - }, - { - "phrase": " Yeah", - "speaker": "KATH" - }, - { - "phrase": " okay.", - "speaker": "KATH" - }, - { - "phrase": " Where's the test.", - "speaker": "KATH" - }, - { - "phrase": " There ain't no telling.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " You have it.", - "speaker": "KATH" - }, - { - "phrase": " I mean I have it.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Okay.", - "speaker": "KATH" - }, - { - "phrase": " The next one", - "speaker": "KATH" - }, - { - "phrase": " is", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " five ex", - "speaker": "KATH" - }, - { - "phrase": " times ex minus one", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Is that it ?", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " um.", - "speaker": "NATH" - }, - { - "phrase": " equals", - "speaker": "KATH" - }, - { - "phrase": " two", - "speaker": "KATH" - }, - { - "phrase": " times one minus ex.", - "speaker": "KATH" - }, - { - "phrase": " Leah.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Two times one minus ex ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " And that's easy", - "speaker": "KATH" - }, - { - "phrase": " you can do that.", - "speaker": "KATH" - }, - { - "phrase": " Oh this is easy.", - "speaker": "NATH" - }, - { - "phrase": " Ex squared.", - "speaker": "NATH" - }, - { - "phrase": " Please say this will factor ?", - "speaker": "NATH" - }, - { - "phrase": " Will it ?", - "speaker": "NATH" - }, - { - "phrase": " Na", - "speaker": "KATH" - }, - { - "phrase": " you do it.", - "speaker": "KATH" - }, - { - "phrase": " Well", - "speaker": "NATH" - }, - { - "phrase": " I mean", - "speaker": "NATH" - }, - { - "phrase": " that's just wasting time.", - "speaker": "NATH" - }, - { - "phrase": " Cause if it's not.", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " It does ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " One and negative twofifths ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " And I can always put those back up into the top.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " and", - "speaker": "NATH" - }, - { - "phrase": " and see if they check.", - "speaker": "NATH" - }, - { - "phrase": " Right ?", - "speaker": "NATH" - }, - { - "phrase": " Let me just try the one ?", - "speaker": "NATH" - }, - { - "phrase": " Five", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " I got zero equals ʔzero.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " that's right.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " And that's one ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Zero equals zero equals one.", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "KATH" - }, - { - "phrase": " Fingerprint file", - "speaker": "NATH" - }, - { - "phrase": " you got me down.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Come on.", - "speaker": "NATH" - }, - { - "phrase": " Ex", - "speaker": "KATH" - }, - { - "phrase": " times.", - "speaker": "KATH" - }, - { - "phrase": " Hang on.", - "speaker": "NATH" - }, - { - "phrase": " Number eight.", - "speaker": "NATH" - }, - { - "phrase": " Ex", - "speaker": "NATH" - }, - { - "phrase": " times.", - "speaker": "NATH" - }, - { - "phrase": " two minus ex.", - "speaker": "KATH" - }, - { - "phrase": " Two minus ex.", - "speaker": "NATH" - }, - { - "phrase": " is less than or equal to.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " I don't like these.", - "speaker": "NATH" - }, - { - "phrase": " three times ex", - "speaker": "KATH" - }, - { - "phrase": " minus four.", - "speaker": "KATH" - }, - { - "phrase": " Three times ex", - "speaker": "NATH" - }, - { - "phrase": " minus four ?", - "speaker": "NATH" - }, - { - "phrase": " Right.", - "speaker": "KATH" - }, - { - "phrase": " Alright", - "speaker": "NATH" - }, - { - "phrase": " distribute first", - "speaker": "NATH" - }, - { - "phrase": " right ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Two ex minus ex squared", - "speaker": "NATH" - }, - { - "phrase": " three ex minus twelve", - "speaker": "NATH" - }, - { - "phrase": " you get", - "speaker": "NATH" - }, - { - "phrase": " do that side", - "speaker": "NATH" - }, - { - "phrase": " so you get ex", - "speaker": "NATH" - }, - { - "phrase": " whoa.", - "speaker": "NATH" - }, - { - "phrase": " I don't want to do that.", - "speaker": "NATH" - }, - { - "phrase": " Negative ex squared", - "speaker": "NATH" - }, - { - "phrase": " two ex minus", - "speaker": "NATH" - }, - { - "phrase": " two minus ex", - "speaker": "NATH" - }, - { - "phrase": " um", - "speaker": "NATH" - }, - { - "phrase": " plus twelve", - "speaker": "NATH" - }, - { - "phrase": " Now do you factor this ?", - "speaker": "NATH" - }, - { - "phrase": " after you do that ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " Yeah.", - "speaker": "NATH" - }, - { - "phrase": " Oh but first I gotta take out that negative one", - "speaker": "NATH" - }, - { - "phrase": " don't.", - "speaker": "NATH" - }, - { - "phrase": " I mean that negative.", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " in front of that ex squared so I just", - "speaker": "NATH" - }, - { - "phrase": " I can multiply that whole side by negative one again though ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " Then you flip that sign over.", - "speaker": "KATH" - }, - { - "phrase": " I have to flip that sign over if I do that ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " See it's little rules like that", - "speaker": "NATH" - }, - { - "phrase": " that I'm not gonna remember.", - "speaker": "NATH" - }, - { - "phrase": " So if it's.", - "speaker": "NATH" - }, - { - "phrase": " if it's less than or equal to", - "speaker": "NATH" - }, - { - "phrase": " then", - "speaker": "NATH" - }, - { - "phrase": " and there's minus", - "speaker": "NATH" - }, - { - "phrase": " you have to flip the sign.", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": " Are you tired ?", - "speaker": "NATH" - }, - { - "phrase": " Not really.", - "speaker": "KATH" - }, - { - "phrase": " I mean kind of but.", - "speaker": "KATH" - }, - { - "phrase": " I'm gonna go home in just few minutes.", - "speaker": "NATH" - }, - { - "phrase": " Why.", - "speaker": "KATH" - }, - { - "phrase": " Cause I can work on this at home", - "speaker": "NATH" - }, - { - "phrase": " and let you get some sleep.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Ouch.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": " S so you say ex plus four ?", - "speaker": "NATH" - }, - { - "phrase": " is greater than or equal to zero ?", - "speaker": "NATH" - }, - { - "phrase": " So you say", - "speaker": "NATH" - }, - { - "phrase": " ex is greater than or equal to", - "speaker": "NATH" - }, - { - "phrase": " negative four", - "speaker": "NATH" - }, - { - "phrase": " and", - "speaker": "NATH" - }, - { - "phrase": " ex", - "speaker": "NATH" - }, - { - "phrase": " three.", - "speaker": "NATH" - }, - { - "phrase": " Or.", - "speaker": "KATH" - }, - { - "phrase": " Oh", - "speaker": "NATH" - }, - { - "phrase": " is that one of the ones where you have to do or ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " And if it's", - "speaker": "NATH" - }, - { - "phrase": " less than", - "speaker": "NATH" - }, - { - "phrase": " do you still do or ?", - "speaker": "NATH" - }, - { - "phrase": " No that's if it's um", - "speaker": "KATH" - }, - { - "phrase": " in the", - "speaker": "KATH" - }, - { - "phrase": " in the", - "speaker": "KATH" - }, - { - "phrase": " in between ?", - "speaker": "KATH" - }, - { - "phrase": " those two numbers", - "speaker": "KATH" - }, - { - "phrase": " you know ?", - "speaker": "KATH" - }, - { - "phrase": " If there's like", - "speaker": "KATH" - }, - { - "phrase": " like this one don't look.", - "speaker": "KATH" - }, - { - "phrase": " But if there's like", - "speaker": "KATH" - }, - { - "phrase": " ex in the middle.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Well no that's or.", - "speaker": "KATH" - }, - { - "phrase": " If you have like one number on one side.", - "speaker": "KATH" - }, - { - "phrase": " Mm.", - "speaker": "NATH" - }, - { - "phrase": " and it says.", - "speaker": "KATH" - }, - { - "phrase": " Yes.", - "speaker": "NATH" - }, - { - "phrase": " greater than or equal to ex.", - "speaker": "KATH" - }, - { - "phrase": " like.", - "speaker": "NATH" - }, - { - "phrase": " and than", - "speaker": "KATH" - }, - { - "phrase": " that one's less than or equal to...", - "speaker": "KATH" - }, - { - "phrase": " like two", - "speaker": "NATH" - }, - { - "phrase": " is less than or equal to ex.", - "speaker": "NATH" - }, - { - "phrase": " is less than or equal to.", - "speaker": "KATH" - }, - { - "phrase": " which is", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " ʔuh less than or equal to ʔuh.", - "speaker": "NATH" - }, - { - "phrase": " less.", - "speaker": "KATH" - }, - { - "phrase": " less than or equal to.", - "speaker": "KATH" - }, - { - "phrase": " six.", - "speaker": "NATH" - }, - { - "phrase": " Right.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " So the final.", - "speaker": "NATH" - }, - { - "phrase": " So that's the answer.", - "speaker": "NATH" - }, - { - "phrase": " Right ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Number nine.", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "KATH" - }, - { - "phrase": " I don't know this one so.", - "speaker": "KATH" - }, - { - "phrase": " You don't know how to do this one ?", - "speaker": "NATH" - }, - { - "phrase": " So we in trouble.", - "speaker": "NATH" - }, - { - "phrase": " Well you apparently knew how to do it.", - "speaker": "KATH" - }, - { - "phrase": " Did I get it right ?", - "speaker": "NATH" - }, - { - "phrase": " Well you didn't get the whole thing right.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " But", - "speaker": "KATH" - }, - { - "phrase": " Well you just missed one part of it.", - "speaker": "KATH" - }, - { - "phrase": " So what's that problem.", - "speaker": "NATH" - }, - { - "phrase": " Um", - "speaker": "KATH" - }, - { - "phrase": " absolute value.", - "speaker": "KATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": "of one half", - "speaker": "KATH" - }, - { - "phrase": " minus ex over three.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Ex over three", - "speaker": "NATH" - }, - { - "phrase": " oops.", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": " is less", - "speaker": "KATH" - }, - { - "phrase": " I mean is greater than or equal to", - "speaker": "KATH" - }, - { - "phrase": " twothirds.", - "speaker": "KATH" - }, - { - "phrase": " Just plain old twothirds ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " How do you get rid of the absolute value things ?", - "speaker": "NATH" - }, - { - "phrase": " Don't you.", - "speaker": "NATH" - }, - { - "phrase": " ʔI don't.", - "speaker": "KATH" - }, - { - "phrase": " You put", - "speaker": "KATH" - }, - { - "phrase": " is less than or equal to twothirds.", - "speaker": "KATH" - }, - { - "phrase": " Or is greater than", - "speaker": "KATH" - }, - { - "phrase": " I mean", - "speaker": "KATH" - }, - { - "phrase": " is greater than or equal to twothirds", - "speaker": "KATH" - }, - { - "phrase": " and then", - "speaker": "KATH" - }, - { - "phrase": " don't you have like", - "speaker": "KATH" - }, - { - "phrase": " or is less than", - "speaker": "KATH" - }, - { - "phrase": " and is less than or equal to", - "speaker": "KATH" - }, - { - "phrase": " negative two thirds ?", - "speaker": "KATH" - }, - { - "phrase": " What ?", - "speaker": "NATH" - }, - { - "phrase": " Can I see what I did.", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " But when you.", - "speaker": "KATH" - }, - { - "phrase": " when you have absolute value", - "speaker": "KATH" - }, - { - "phrase": " when you take the absolute value off", - "speaker": "KATH" - }, - { - "phrase": " and you put negative twothirds on this side", - "speaker": "KATH" - }, - { - "phrase": " too.", - "speaker": "KATH" - }, - { - "phrase": " First I'll just get common denominator.", - "speaker": "NATH" - }, - { - "phrase": " So I can do that.", - "speaker": "NATH" - }, - { - "phrase": " You can't do it when it's in the absolute value.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " though.", - "speaker": "KATH" - }, - { - "phrase": " Well I did right there.", - "speaker": "NATH" - }, - { - "phrase": " Is that why I missed it ?", - "speaker": "NATH" - }, - { - "phrase": " But see if you wanna do that", - "speaker": "KATH" - }, - { - "phrase": " then at first you bring.", - "speaker": "KATH" - }, - { - "phrase": " So I only did one part of it in other words.", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Just bring.", - "speaker": "KATH" - }, - { - "phrase": " Just bring twothirds", - "speaker": "KATH" - }, - { - "phrase": " over to the other side.", - "speaker": "KATH" - }, - { - "phrase": " Negative twothirds", - "speaker": "KATH" - }, - { - "phrase": " over to the other side.", - "speaker": "KATH" - }, - { - "phrase": " And make it equal to zero ?", - "speaker": "NATH" - }, - { - "phrase": " No.", - "speaker": "KATH" - }, - { - "phrase": " No keep that there", - "speaker": "KATH" - }, - { - "phrase": " But then have.", - "speaker": "KATH" - }, - { - "phrase": " Another one over there ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah", - "speaker": "KATH" - }, - { - "phrase": " have", - "speaker": "KATH" - }, - { - "phrase": " is less than or equal to", - "speaker": "KATH" - }, - { - "phrase": " negative two thirds.", - "speaker": "KATH" - }, - { - "phrase": " And that's not absolute value anymore.", - "speaker": "KATH" - }, - { - "phrase": " Well see", - "speaker": "NATH" - }, - { - "phrase": " we've never done it like that.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Let me see.", - "speaker": "KATH" - }, - { - "phrase": " If that's how you do it.", - "speaker": "KATH" - }, - { - "phrase": " I mean I'm sure you probably can do it that way.", - "speaker": "NATH" - }, - { - "phrase": " I don't know", - "speaker": "KATH" - }, - { - "phrase": " if that's how you do it or not.", - "speaker": "KATH" - }, - { - "phrase": " Cause", - "speaker": "KATH" - }, - { - "phrase": " I haven't done this", - "speaker": "KATH" - }, - { - "phrase": " in probably about as long as you have.", - "speaker": "KATH" - }, - { - "phrase": " Oops.", - "speaker": "KATH" - }, - { - "phrase": " God.", - "speaker": "KATH" - }, - { - "phrase": " It's my own fault", - "speaker": "NATH" - }, - { - "phrase": " I shouldn't have waited.", - "speaker": "NATH" - }, - { - "phrase": " so long to get math over with.", - "speaker": "NATH" - }, - { - "phrase": " I should've got it over with right out", - "speaker": "NATH" - }, - { - "phrase": " right out of high school.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Oo.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " A bug.", - "speaker": "KATH" - }, - { - "phrase": " Hey Leah.", - "speaker": "NATH" - }, - { - "phrase": " She looks so tired.", - "speaker": "NATH" - }, - { - "phrase": " I know.", - "speaker": "KATH" - }, - { - "phrase": " She's eating that bug.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Is that what she's doing ?", - "speaker": "NATH" - }, - { - "phrase": " Yuck.", - "speaker": "KATH" - }, - { - "phrase": " I guess.", - "speaker": "KATH" - }, - { - "phrase": " Yeah", - "speaker": "KATH" - }, - { - "phrase": " that's how you do it.", - "speaker": "KATH" - }, - { - "phrase": " You can do it that way ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Let me see the pencil.", - "speaker": "NATH" - }, - { - "phrase": " But then", - "speaker": "KATH" - }, - { - "phrase": " I didn't get what she got.", - "speaker": "KATH" - }, - { - "phrase": " I guess she.", - "speaker": "KATH" - }, - { - "phrase": " Yeah", - "speaker": "KATH" - }, - { - "phrase": " you can put it so.", - "speaker": "KATH" - }, - { - "phrase": " square root of that.", - "speaker": "KATH" - }, - { - "phrase": " Oh no", - "speaker": "KATH" - }, - { - "phrase": " it's not gonna work that way.", - "speaker": "KATH" - }, - { - "phrase": " You don't have it in the middle.", - "speaker": "KATH" - }, - { - "phrase": " See I put it in the middle ?", - "speaker": "KATH" - }, - { - "phrase": " Seven halves", - "speaker": "KATH" - }, - { - "phrase": " is greater than or equal.", - "speaker": "KATH" - }, - { - "phrase": " But you can't put it in the middle", - "speaker": "KATH" - }, - { - "phrase": " cause if it's gonna be.", - "speaker": "KATH" - }, - { - "phrase": " Yeah if it's gonna be greater than that", - "speaker": "KATH" - }, - { - "phrase": " then it's not gonna be less than that.", - "speaker": "KATH" - }, - { - "phrase": " Well I guess it can.", - "speaker": "KATH" - }, - { - "phrase": " God.", - "speaker": "NATH" - }, - { - "phrase": " So one way I could do it.", - "speaker": "NATH" - }, - { - "phrase": " Well.", - "speaker": "KATH" - }, - { - "phrase": " No.", - "speaker": "KATH" - }, - { - "phrase": " Wait minute now.", - "speaker": "KATH" - }, - { - "phrase": " See", - "speaker": "KATH" - }, - { - "phrase": " look what she did.", - "speaker": "KATH" - }, - { - "phrase": " She um", - "speaker": "KATH" - }, - { - "phrase": " flipped that sign over.", - "speaker": "KATH" - }, - { - "phrase": " But", - "speaker": "KATH" - }, - { - "phrase": " uh", - "speaker": "KATH" - }, - { - "phrase": " when ʔyou divide by negative two", - "speaker": "KATH" - }, - { - "phrase": " you have to flip all the signs over.", - "speaker": "KATH" - }, - { - "phrase": " which you did.", - "speaker": "KATH" - }, - { - "phrase": " Yeah", - "speaker": "KATH" - }, - { - "phrase": " cause you got that right", - "speaker": "KATH" - }, - { - "phrase": " it's right here.", - "speaker": "KATH" - }, - { - "phrase": " Oh gosh.", - "speaker": "NATH" - }, - { - "phrase": " You know what", - "speaker": "NATH" - }, - { - "phrase": " I'm just gonna skip this one.", - "speaker": "NATH" - }, - { - "phrase": " No you're not", - "speaker": "KATH" - }, - { - "phrase": " you're gonna do it.", - "speaker": "KATH" - }, - { - "phrase": " Now.", - "speaker": "KATH" - }, - { - "phrase": " So I can't start by...", - "speaker": "NATH" - }, - { - "phrase": " Unhunh.", - "speaker": "KATH" - }, - { - "phrase": " Not finding common denominator.", - "speaker": "KATH" - }, - { - "phrase": " You have to bring.", - "speaker": "KATH" - }, - { - "phrase": " Well I can do.", - "speaker": "NATH" - }, - { - "phrase": " find one side by doing that", - "speaker": "NATH" - }, - { - "phrase": " can't I ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah but", - "speaker": "KATH" - }, - { - "phrase": " why don't you just put the other.", - "speaker": "KATH" - }, - { - "phrase": " put.", - "speaker": "KATH" - }, - { - "phrase": " once you have negative twothirds on the other side", - "speaker": "KATH" - }, - { - "phrase": " then you can find common.", - "speaker": "KATH" - }, - { - "phrase": " buh buh buh buh", - "speaker": "KATH" - }, - { - "phrase": " common denominator for the whole thing", - "speaker": "KATH" - }, - { - "phrase": " and it's gonna be the same denominator.", - "speaker": "KATH" - }, - { - "phrase": " Well what's the common denominator of bluh bluh bluh bluh bluh bluh bluh.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " I didn't mean that.", - "speaker": "KATH" - }, - { - "phrase": " I meant once you bring it over there.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " I know what you meant.", - "speaker": "NATH" - }, - { - "phrase": " I don't ever remember us doing anything like that though.", - "speaker": "NATH" - }, - { - "phrase": " Well add it onto the other side.", - "speaker": "NATH" - }, - { - "phrase": " There's like way you always can get rid of those absolute value bars.", - "speaker": "NATH" - }, - { - "phrase": " in problems", - "speaker": "NATH" - }, - { - "phrase": " isn't there ?", - "speaker": "NATH" - }, - { - "phrase": " Hey.", - "speaker": "NATH" - }, - { - "phrase": " Can I use some of this ?", - "speaker": "NATH" - }, - { - "phrase": " Oh.", - "speaker": "KATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " ʔuMm.", - "speaker": "KATH" - }, - { - "phrase": " See", - "speaker": "KATH" - }, - { - "phrase": " yeah.", - "speaker": "KATH" - }, - { - "phrase": " Here it's absolute values.", - "speaker": "KATH" - }, - { - "phrase": " Right here.", - "speaker": "KATH" - }, - { - "phrase": " And it's doing it the way that you were doing it ?", - "speaker": "NATH" - }, - { - "phrase": " I'm trying to find one like that one", - "speaker": "KATH" - }, - { - "phrase": " See that's the problem", - "speaker": "NATH" - }, - { - "phrase": " there's so many different types.", - "speaker": "NATH" - }, - { - "phrase": " That", - "speaker": "NATH" - }, - { - "phrase": " I'm sitting here worrying about this one right here", - "speaker": "NATH" - }, - { - "phrase": " and there probably won't even be one like this on the test.", - "speaker": "NATH" - }, - { - "phrase": " I know.", - "speaker": "KATH" - }, - { - "phrase": " There'll be different one.", - "speaker": "NATH" - }, - { - "phrase": " So what do you do.", - "speaker": "KATH" - }, - { - "phrase": " You find inequality", - "speaker": "KATH" - }, - { - "phrase": " with an absolute value in it which", - "speaker": "KATH" - }, - { - "phrase": " there's one right there.", - "speaker": "KATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " See ?", - "speaker": "KATH" - }, - { - "phrase": " I sure didn't see any in the...", - "speaker": "KATH" - }, - { - "phrase": " examples.", - "speaker": "NATH" - }, - { - "phrase": " Hmm.", - "speaker": "KATH" - }, - { - "phrase": " See ?", - "speaker": "KATH" - }, - { - "phrase": " There's no.", - "speaker": "KATH" - }, - { - "phrase": " There it is.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " See ?", - "speaker": "KATH" - }, - { - "phrase": " Here it is.", - "speaker": "KATH" - }, - { - "phrase": " Absolute value of that", - "speaker": "KATH" - }, - { - "phrase": " you brought", - "speaker": "KATH" - }, - { - "phrase": " ʔuh ʔuh brought negative four over to the other side.", - "speaker": "KATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": " And all that...", - "speaker": "KATH" - }, - { - "phrase": " See that just proves that she puts problems on there that we've never gone over.", - "speaker": "NATH" - }, - { - "phrase": " I know we've never done one like that.", - "speaker": "NATH" - }, - { - "phrase": " where you do that", - "speaker": "NATH" - }, - { - "phrase": " Can you.", - "speaker": "NATH" - }, - { - "phrase": " Do you wanna do that when it's less than", - "speaker": "NATH" - }, - { - "phrase": " or can you do that when it's greater than too.", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Either way.", - "speaker": "KATH" - }, - { - "phrase": " So if it's pointed this way", - "speaker": "NATH" - }, - { - "phrase": " you just put another one pointing this way over here.", - "speaker": "NATH" - }, - { - "phrase": " Right.", - "speaker": "KATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": " Where'd you get that one.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " That's big one.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " You're not kidding.", - "speaker": "NATH" - }, - { - "phrase": " That's my thumbnail.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Now I just get common denominator for the whole thing ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Well", - "speaker": "KATH" - }, - { - "phrase": " take out those absolute value things", - "speaker": "KATH" - }, - { - "phrase": " they'll screw you up.", - "speaker": "KATH" - }, - { - "phrase": " ʔYeah.", - "speaker": "NATH" - }, - { - "phrase": " And now this'll be six", - "speaker": "NATH" - }, - { - "phrase": " right ?", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Is that right ?", - "speaker": "NATH" - }, - { - "phrase": " Mhm.", - "speaker": "KATH" - }, - { - "phrase": " Now what do you do.", - "speaker": "NATH" - }, - { - "phrase": " Subtract three.", - "speaker": "KATH" - }, - { - "phrase": " from the middle.", - "speaker": "KATH" - }, - { - "phrase": " And.", - "speaker": "NATH" - }, - { - "phrase": " To which side.", - "speaker": "NATH" - }, - { - "phrase": " To both sides.", - "speaker": "KATH" - }, - { - "phrase": " To both sides ?", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " Negative.", - "speaker": "NATH" - }, - { - "phrase": " two ex.", - "speaker": "KATH" - }, - { - "phrase": " Alright.", - "speaker": "NATH" - }, - { - "phrase": " To one", - "speaker": "NATH" - }, - { - "phrase": " then", - "speaker": "NATH" - }, - { - "phrase": " after that you have to", - "speaker": "NATH" - }, - { - "phrase": " take out the negatives.", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": " Divide by.", - "speaker": "KATH" - }, - { - "phrase": " Well just.", - "speaker": "KATH" - }, - { - "phrase": " Divide by negative two.", - "speaker": "KATH" - }, - { - "phrase": " Oh", - "speaker": "NATH" - }, - { - "phrase": " you can't get that by.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": " ex by itself ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " And when you divide by negative.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " you have to flip the signs.", - "speaker": "KATH" - }, - { - "phrase": " Yeah.", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": " And when you do that", - "speaker": "KATH" - }, - { - "phrase": " it's gonna be or.", - "speaker": "KATH" - }, - { - "phrase": " Because if you look at it", - "speaker": "KATH" - }, - { - "phrase": " cause", - "speaker": "KATH" - }, - { - "phrase": " you know", - "speaker": "KATH" - }, - { - "phrase": " it can't be greater than sevenhalves", - "speaker": "KATH" - }, - { - "phrase": " and less than negative halve at the", - "speaker": "KATH" - }, - { - "phrase": "one half at the same time.", - "speaker": "KATH" - }, - { - "phrase": " So it's gonna be either ex", - "speaker": "KATH" - }, - { - "phrase": "is less than or equal to negative one half", - "speaker": "KATH" - }, - { - "phrase": " or.", - "speaker": "KATH" - }, - { - "phrase": " Okay.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Will you pass me some of that tea please.", - "speaker": "NATH" - }, - { - "phrase": " Oh", - "speaker": "NATH" - }, - { - "phrase": " thank you.", - "speaker": "NATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Number ten.", - "speaker": "NATH" - }, - { - "phrase": " How many problems are on this test.", - "speaker": "NATH" - }, - { - "phrase": " Twelve.", - "speaker": "KATH" - }, - { - "phrase": " Oh good.", - "speaker": "NATH" - }, - { - "phrase": " What did you want to do after this test.", - "speaker": "KATH" - }, - { - "phrase": " That's it", - "speaker": "NATH" - }, - { - "phrase": " I guess.", - "speaker": "NATH" - }, - { - "phrase": " You gonna study some more tomorrow then", - "speaker": "KATH" - }, - { - "phrase": " right ?", - "speaker": "KATH" - }, - { - "phrase": " Oh definitely.", - "speaker": "NATH" - }, - { - "phrase": " Okay.", - "speaker": "KATH" - }, - { - "phrase": " Ex plus four", - "speaker": "KATH" - }, - { - "phrase": " over", - "speaker": "KATH" - }, - { - "phrase": " three ex minus two", - "speaker": "KATH" - }, - { - "phrase": " is less than zero.", - "speaker": "KATH" - }, - { - "phrase": " Is less than zero.", - "speaker": "NATH" - }, - { - "phrase": " Right.", - "speaker": "KATH" - }, - { - "phrase": "PAUSE", - "speaker": "NATH" - }, - { - "phrase": " Gosh.", - "speaker": "NATH" - }, - { - "phrase": " Is this the.", - "speaker": "NATH" - }, - { - "phrase": " Is this the same class I'm taking Kathy.", - "speaker": "NATH" - }, - { - "phrase": " Are you sure we're doing work from the same class that I'm.", - "speaker": "NATH" - }, - { - "phrase": " that I'm.", - "speaker": "NATH" - }, - { - "phrase": " that I go to every night.", - "speaker": "NATH" - }, - { - "phrase": " I don't know.", - "speaker": "KATH" - }, - { - "phrase": " Are we ?", - "speaker": "KATH" - }, - { - "phrase": " It's got the same name", - "speaker": "KATH" - }, - { - "phrase": " but", - "speaker": "KATH" - }, - { - "phrase": " that's about it.", - "speaker": "KATH" - }, - { - "phrase": " Okay.", - "speaker": "KATH" - }, - { - "phrase": " I don't even know how you start this one", - "speaker": "NATH" - }, - { - "phrase": " do you ?", - "speaker": "NATH" - }, - { - "phrase": " Yeah I think so", - "speaker": "KATH" - }, - { - "phrase": " but I'm not sure.", - "speaker": "KATH" - }, - { - "phrase": " Cause", - "speaker": "KATH" - }, - { - "phrase": " the way I start it.", - "speaker": "KATH" - }, - { - "phrase": " Do I.", - "speaker": "NATH" - }, - { - "phrase": " Did I have anything written on the test ?", - "speaker": "NATH" - }, - { - "phrase": " Mm.", - "speaker": "KATH" - }, - { - "phrase": " I left it blank ?", - "speaker": "NATH" - } - ] - }, - "id": 10 - }, - { - "completions": [ - { - "created_at": 1614320625, - "id": 6001, - "lead_time": 66493.382, - "result": [ - { - "from_name": "actions", - "id": "4enWKdYYhj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "1", - "endOffset": 39, - "paragraphlabels": [ - "Open" - ], - "start": "0", - "startOffset": 0, - "text": " God\n I said I wasn't gonna do this anymore." - } - }, - { - "from_name": "taxonomyOpen", - "id": "4enWKdYYhj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "1", - "endOffset": 39, - "start": "0", - "startOffset": 0, - "text": " God\n I said I wasn't gonna do this anymore." - } - }, - { - "from_name": "actions", - "id": "fQ2YmHBvix", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "3", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "2", - "startOffset": 0, - "text": " Stay up late.\n Kinda defeats the purpose of getting up in the morning." - } - }, - { - "from_name": "taxonomySustain", - "id": "fQ2YmHBvix", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "3", - "endOffset": 56, - "start": "2", - "startOffset": 0, - "text": " Stay up late.\n Kinda defeats the purpose of getting up in the morning." - } - }, - { - "from_name": "actions", - "id": "62FgiFliB4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "4", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "4", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "62FgiFliB4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "4", - "endOffset": 8, - "start": "4", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "K6I0R9_gM-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "5", - "endOffset": 30, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "5", - "startOffset": 0, - "text": " And it's hard habit to break." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "K6I0R9_gM-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "5", - "endOffset": 30, - "start": "5", - "startOffset": 0, - "text": " And it's hard habit to break." - } - }, - { - "from_name": "actions", - "id": "42FHz_Gu8U", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "6", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "6", - "startOffset": 0, - "text": " Usually I don't..." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "42FHz_Gu8U", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "6", - "endOffset": 19, - "start": "6", - "startOffset": 0, - "text": " Usually I don't..." - } - }, - { - "from_name": "actions", - "id": "KHm6Dz_HcX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "7", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "7", - "startOffset": 0, - "text": " It is." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "KHm6Dz_HcX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "7", - "endOffset": 7, - "start": "7", - "startOffset": 0, - "text": " It is." - } - }, - { - "from_name": "actions", - "id": "600ABZMR-9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "8", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "8", - "startOffset": 0, - "text": " ʔuh Usually I don't stay up late." - } - }, - { - "from_name": "taxonomySustain", - "id": "600ABZMR-9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "8", - "endOffset": 34, - "start": "8", - "startOffset": 0, - "text": " ʔuh Usually I don't stay up late." - } - }, - { - "from_name": "actions", - "id": "9PZwEDXACb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "11", - "endOffset": 16, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "9", - "startOffset": 0, - "text": " But it's like\n if I'm up after midnight ?\n It's just like." - } - }, - { - "from_name": "taxonomySustain", - "id": "9PZwEDXACb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "11", - "endOffset": 16, - "start": "9", - "startOffset": 0, - "text": " But it's like\n if I'm up after midnight ?\n It's just like." - } - }, - { - "from_name": "actions", - "id": "N4zIVivU6S", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "14", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "13", - "startOffset": 0, - "text": " Hm.\n Yeah yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "N4zIVivU6S", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "14", - "endOffset": 11, - "start": "13", - "startOffset": 0, - "text": " Hm.\n Yeah yeah." - } - }, - { - "from_name": "actions", - "id": "6ykWIVjtdS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "15", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "15", - "startOffset": 1, - "text": "What can I do now." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "6ykWIVjtdS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "15", - "endOffset": 19, - "start": "15", - "startOffset": 1, - "text": "What can I do now." - } - }, - { - "from_name": "actions", - "id": "BIBayR8ryi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "18", - "endOffset": 21, - "paragraphlabels": [ - "Open" - ], - "start": "18", - "startOffset": 0, - "text": " I still can't ʔuh..." - } - }, - { - "from_name": "taxonomyOpen", - "id": "BIBayR8ryi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "18", - "endOffset": 21, - "start": "18", - "startOffset": 0, - "text": " I still can't ʔuh..." - } - }, - { - "from_name": "actions", - "id": "SSbyBIDLT5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "21", - "endOffset": 13, - "paragraphlabels": [ - "Open" - ], - "start": "20", - "startOffset": 1, - "text": "God I still can't believe Tim bitching around and\n he lied too." - } - }, - { - "from_name": "taxonomyOpen", - "id": "SSbyBIDLT5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "21", - "endOffset": 13, - "start": "20", - "startOffset": 1, - "text": "God I still can't believe Tim bitching around and\n he lied too." - } - }, - { - "from_name": "actions", - "id": "XVFtpFUio9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "22", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "22", - "startOffset": 0, - "text": " He said that he talked to Ron" - } - }, - { - "from_name": "taxonomySustain", - "id": "XVFtpFUio9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "22", - "endOffset": 30, - "start": "22", - "startOffset": 0, - "text": " He said that he talked to Ron" - } - }, - { - "from_name": "actions", - "id": "ZjrCTYhQJ7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "24", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "24", - "startOffset": 1, - "text": "About what." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "ZjrCTYhQJ7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "24", - "endOffset": 12, - "start": "24", - "startOffset": 1, - "text": "About what." - } - }, - { - "from_name": "actions", - "id": "W3XsZ-va2D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "27", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "25", - "startOffset": 0, - "text": " About ʔuh the way they were feeling\n of them being the only ones cleaning the house\n and all this other shit ?" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "W3XsZ-va2D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "27", - "endOffset": 26, - "start": "25", - "startOffset": 0, - "text": " About ʔuh the way they were feeling\n of them being the only ones cleaning the house\n and all this other shit ?" - } - }, - { - "from_name": "actions", - "id": "o4JKDyFmWg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "31", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "28", - "startOffset": 1, - "text": "I mean what they don't realize\n is like\n shit\n when Ron gets home from work" - } - }, - { - "from_name": "taxonomySustain", - "id": "o4JKDyFmWg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "31", - "endOffset": 29, - "start": "28", - "startOffset": 1, - "text": "I mean what they don't realize\n is like\n shit\n when Ron gets home from work" - } - }, - { - "from_name": "actions", - "id": "U3iLtM0OYD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "35", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "35", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "U3iLtM0OYD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "35", - "endOffset": 6, - "start": "35", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "faaKgDhZ9-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "38", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "36", - "startOffset": 0, - "text": " Unlike Tim\n he has to work\n for every little dime that he makes." - } - }, - { - "from_name": "taxonomySustain", - "id": "faaKgDhZ9-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "38", - "endOffset": 37, - "start": "36", - "startOffset": 0, - "text": " Unlike Tim\n he has to work\n for every little dime that he makes." - } - }, - { - "from_name": "actions", - "id": "eHh-6Nf9fL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "39", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "39", - "startOffset": 1, - "text": "You know ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "eHh-6Nf9fL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "39", - "endOffset": 11, - "start": "39", - "startOffset": 1, - "text": "You know ?" - } - }, - { - "from_name": "actions", - "id": "Qe7nNafkpD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "40", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "40", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Qe7nNafkpD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "40", - "endOffset": 6, - "start": "40", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "c91KEGMEUW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "41", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "41", - "startOffset": 1, - "text": "He doesn't get any breaks." - } - }, - { - "from_name": "taxonomySustain", - "id": "c91KEGMEUW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "41", - "endOffset": 27, - "start": "41", - "startOffset": 1, - "text": "He doesn't get any breaks." - } - }, - { - "from_name": "actions", - "id": "GxXYY-YEfT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "42", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "42", - "startOffset": 1, - "text": "Yeahʔ" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GxXYY-YEfT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "42", - "endOffset": 6, - "start": "42", - "startOffset": 1, - "text": "Yeahʔ" - } - }, - { - "from_name": "actions", - "id": "cpRlXpCgp0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "45", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "43", - "startOffset": 0, - "text": " Tim is on salary\n and he can take leave\n and." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "cpRlXpCgp0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "45", - "endOffset": 5, - "start": "43", - "startOffset": 0, - "text": " Tim is on salary\n and he can take leave\n and." - } - }, - { - "from_name": "actions", - "id": "_Ky-nMelHH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "46", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "46", - "startOffset": 0, - "text": " Mhm" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_Ky-nMelHH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "46", - "endOffset": 4, - "start": "46", - "startOffset": 0, - "text": " Mhm" - } - }, - { - "from_name": "actions", - "id": "oJLS3OedqD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "60", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "60", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oJLS3OedqD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "60", - "endOffset": 5, - "start": "60", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "q7hYGUnnrz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "47", - "endOffset": 20, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "47", - "startOffset": 1, - "text": "and he earns leave." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "q7hYGUnnrz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Refute" - ], - "end": "47", - "endOffset": 20, - "start": "47", - "startOffset": 1, - "text": "and he earns leave." - } - }, - { - "from_name": "actions", - "id": "Oj4VVVW2fD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "32", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "32", - "startOffset": 0, - "text": " I wanna spend time with Ron" - } - }, - { - "from_name": "taxonomySustain", - "id": "Oj4VVVW2fD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "32", - "endOffset": 28, - "start": "32", - "startOffset": 0, - "text": " I wanna spend time with Ron" - } - }, - { - "from_name": "actions", - "id": "p_W_YVo4P4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "34", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "33", - "startOffset": 1, - "text": "because Ron\n usually doesn't get home till nine or ten." - } - }, - { - "from_name": "taxonomySustain", - "id": "p_W_YVo4P4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "34", - "endOffset": 49, - "start": "33", - "startOffset": 1, - "text": "because Ron\n usually doesn't get home till nine or ten." - } - }, - { - "from_name": "actions", - "id": "wJoHQsBegG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "48", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "48", - "startOffset": 1, - "text": "he's..." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "wJoHQsBegG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "48", - "endOffset": 8, - "start": "48", - "startOffset": 1, - "text": "he's..." - } - }, - { - "from_name": "actions", - "id": "nKhcPSi9ys", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "49", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "49", - "startOffset": 1, - "text": "he gets sick leave" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nKhcPSi9ys", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "49", - "endOffset": 19, - "start": "49", - "startOffset": 1, - "text": "he gets sick leave" - } - }, - { - "from_name": "actions", - "id": "YuB28fwVUD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "51", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "51", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "YuB28fwVUD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "51", - "endOffset": 14, - "start": "51", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "actions", - "id": "F8WoDx71qc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "52", - "endOffset": 46, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "52", - "startOffset": 0, - "text": " It is really hard living with another couple." - } - }, - { - "from_name": "taxonomySustain", - "id": "F8WoDx71qc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "52", - "endOffset": 46, - "start": "52", - "startOffset": 0, - "text": " It is really hard living with another couple." - } - }, - { - "from_name": "actions", - "id": "FwVjW_PE7G", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "54", - "endOffset": 4, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "53", - "startOffset": 1, - "text": "I mean\n we." - } - }, - { - "from_name": "taxonomySustain", - "id": "FwVjW_PE7G", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "54", - "endOffset": 4, - "start": "53", - "startOffset": 1, - "text": "I mean\n we." - } - }, - { - "from_name": "actions", - "id": "IhbB68br_7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "59", - "endOffset": 10, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "55", - "startOffset": 0, - "text": " If we set our.\n If we sit down and set some rules\n which we never did\n ʔuh ʔuh ʔit could work.\n You know." - } - }, - { - "from_name": "taxonomySustain", - "id": "IhbB68br_7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "59", - "endOffset": 10, - "start": "55", - "startOffset": 0, - "text": " If we set our.\n If we sit down and set some rules\n which we never did\n ʔuh ʔuh ʔit could work.\n You know." - } - }, - { - "from_name": "actions", - "id": "aL-o4bSJhD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "50", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "50", - "startOffset": 1, - "text": "we don't get shit." - } - }, - { - "from_name": "taxonomySustain", - "id": "aL-o4bSJhD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "50", - "endOffset": 19, - "start": "50", - "startOffset": 1, - "text": "we don't get shit." - } - }, - { - "from_name": "actions", - "id": "hQ-4DFGU83", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "62", - "endOffset": 18, - "paragraphlabels": [ - "Open" - ], - "start": "61", - "startOffset": 1, - "text": "what it amounts to\n is mutual respect" - } - }, - { - "from_name": "taxonomyOpen", - "id": "hQ-4DFGU83", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "62", - "endOffset": 18, - "start": "61", - "startOffset": 1, - "text": "what it amounts to\n is mutual respect" - } - }, - { - "from_name": "actions", - "id": "fnd2WOMeEh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "66", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "63", - "startOffset": 1, - "text": "and like Tim told Ron\n he told him\n he goes um\n what was it he goes" - } - }, - { - "from_name": "taxonomySustain", - "id": "fnd2WOMeEh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "66", - "endOffset": 20, - "start": "63", - "startOffset": 1, - "text": "and like Tim told Ron\n he told him\n he goes um\n what was it he goes" - } - }, - { - "from_name": "actions", - "id": "wNMnVyY-f7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "67", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "67", - "startOffset": 1, - "text": "nobody fucks with my lifestyle." - } - }, - { - "from_name": "taxonomySustain", - "id": "wNMnVyY-f7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "67", - "endOffset": 32, - "start": "67", - "startOffset": 1, - "text": "nobody fucks with my lifestyle." - } - }, - { - "from_name": "actions", - "id": "j_noSGMury", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "68", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "68", - "startOffset": 0, - "text": " I feel the exact same way." - } - }, - { - "from_name": "taxonomySustain", - "id": "j_noSGMury", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "68", - "endOffset": 33, - "start": "68", - "startOffset": 0, - "text": " I feel the exact same way." - } - }, - { - "from_name": "actions", - "id": "vrhcXMJzPd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "70", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "69", - "startOffset": 0, - "text": " And all those bitches and complaints that he has\n they're about my lifestyle." - } - }, - { - "from_name": "taxonomySustain", - "id": "vrhcXMJzPd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "70", - "endOffset": 28, - "start": "69", - "startOffset": 0, - "text": " And all those bitches and complaints that he has\n they're about my lifestyle." - } - }, - { - "from_name": "actions", - "id": "0pHQ_9RTha", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "71", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "71", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0pHQ_9RTha", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "71", - "endOffset": 5, - "start": "71", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "1kwTodcsN1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "72", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "72", - "startOffset": 1, - "text": "And he doesn't realize that." - } - }, - { - "from_name": "taxonomySustain", - "id": "1kwTodcsN1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "72", - "endOffset": 29, - "start": "72", - "startOffset": 1, - "text": "And he doesn't realize that." - } - }, - { - "from_name": "actions", - "id": "iVvmyUy8bb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "74", - "endOffset": 36, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "74", - "startOffset": 1, - "text": "And that's what I'm gonna tell him." - } - }, - { - "from_name": "taxonomySustain", - "id": "iVvmyUy8bb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "74", - "endOffset": 36, - "start": "74", - "startOffset": 1, - "text": "And that's what I'm gonna tell him." - } - }, - { - "from_name": "actions", - "id": "f1Yt5dRa6X", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "76", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "75", - "startOffset": 0, - "text": " Well\n ʔuh you know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "f1Yt5dRa6X", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Engage" - ], - "end": "76", - "endOffset": 14, - "start": "75", - "startOffset": 0, - "text": " Well\n ʔuh you know." - } - }, - { - "from_name": "actions", - "id": "Hu_yUDODbk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "78", - "endOffset": 39, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "77", - "startOffset": 1, - "text": "And the only way it's gonna work\n is if we have respect for one another." - } - }, - { - "from_name": "taxonomySustain", - "id": "Hu_yUDODbk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "78", - "endOffset": 39, - "start": "77", - "startOffset": 1, - "text": "And the only way it's gonna work\n is if we have respect for one another." - } - }, - { - "from_name": "actions", - "id": "tNi9Y6mc76", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "80", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "79", - "startOffset": 0, - "text": " That's right.\n That's right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tNi9Y6mc76", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "80", - "endOffset": 14, - "start": "79", - "startOffset": 0, - "text": " That's right.\n That's right." - } - }, - { - "from_name": "actions", - "id": "WaDjJdLpXa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "83", - "endOffset": 34, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "81", - "startOffset": 1, - "text": "And it doesn't mean\n going to our parents\n and complaining about one another" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WaDjJdLpXa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "83", - "endOffset": 34, - "start": "81", - "startOffset": 1, - "text": "And it doesn't mean\n going to our parents\n and complaining about one another" - } - }, - { - "from_name": "actions", - "id": "mSG21l_243", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "86", - "endOffset": 58, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "84", - "startOffset": 0, - "text": " I'm gonna tell him\n if you have any complaints\n you talk to the person that you have the complaint about." - } - }, - { - "from_name": "taxonomySustain", - "id": "mSG21l_243", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "86", - "endOffset": 58, - "start": "84", - "startOffset": 0, - "text": " I'm gonna tell him\n if you have any complaints\n you talk to the person that you have the complaint about." - } - }, - { - "from_name": "actions", - "id": "xIH3sV4n6Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "88", - "endOffset": 46, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "87", - "startOffset": 0, - "text": " I'm also going to suggest\n weekly house meetings to discuss such things." - } - }, - { - "from_name": "taxonomySustain", - "id": "xIH3sV4n6Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "88", - "endOffset": 46, - "start": "87", - "startOffset": 0, - "text": " I'm also going to suggest\n weekly house meetings to discuss such things." - } - }, - { - "from_name": "actions", - "id": "zgkAieui3x", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "89", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "89", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "zgkAieui3x", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "89", - "endOffset": 5, - "start": "89", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "JTD_FFKwLQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "91", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "90", - "startOffset": 1, - "text": "Oh yeah.\n Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "JTD_FFKwLQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "91", - "endOffset": 6, - "start": "90", - "startOffset": 1, - "text": "Oh yeah.\n Yeah." - } - }, - { - "from_name": "actions", - "id": "IY2jK-CZSd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "94", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "92", - "startOffset": 1, - "text": "You know what it would be\n real good lesson for them\n too" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "IY2jK-CZSd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "94", - "endOffset": 4, - "start": "92", - "startOffset": 1, - "text": "You know what it would be\n real good lesson for them\n too" - } - }, - { - "from_name": "actions", - "id": "XGyKTJIDSj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "95", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "95", - "startOffset": 1, - "text": "in self assertiveness." - } - }, - { - "from_name": "taxonomySustain", - "id": "XGyKTJIDSj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "95", - "endOffset": 23, - "start": "95", - "startOffset": 1, - "text": "in self assertiveness." - } - }, - { - "from_name": "actions", - "id": "UQ1Ngmfbkq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "96", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "96", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "UQ1Ngmfbkq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "96", - "endOffset": 5, - "start": "96", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "actions", - "id": "Xr_dQ-Kdw5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "98", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "97", - "startOffset": 1, - "text": "you know and\n especially the way um" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Xr_dQ-Kdw5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "98", - "endOffset": 22, - "start": "97", - "startOffset": 1, - "text": "you know and\n especially the way um" - } - }, - { - "from_name": "actions", - "id": "Uk2XHBclXo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "101", - "endOffset": 47, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "99", - "startOffset": 1, - "text": "I mean Tim gets himself into a\n uncomfortable situation or whatever\n and his first reaction is to blow up about it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Uk2XHBclXo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "101", - "endOffset": 47, - "start": "99", - "startOffset": 1, - "text": "I mean Tim gets himself into a\n uncomfortable situation or whatever\n and his first reaction is to blow up about it." - } - }, - { - "from_name": "taxonomySustain", - "id": "Uk2XHBclXo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "101", - "endOffset": 47, - "start": "99", - "startOffset": 1, - "text": "I mean Tim gets himself into a\n uncomfortable situation or whatever\n and his first reaction is to blow up about it." - } - }, - { - "from_name": "actions", - "id": "qZy9XhYlkc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "102", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "102", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "qZy9XhYlkc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "102", - "endOffset": 5, - "start": "102", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "Mcg8CtDGVi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "105", - "endOffset": 20, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "103", - "startOffset": 0, - "text": " You know\n cause he let.\n he lets it pile up." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Mcg8CtDGVi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "105", - "endOffset": 20, - "start": "103", - "startOffset": 0, - "text": " You know\n cause he let.\n he lets it pile up." - } - }, - { - "from_name": "actions", - "id": "RWlWwu3fxH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "106", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "106", - "startOffset": 1, - "text": "Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "RWlWwu3fxH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "106", - "endOffset": 5, - "start": "106", - "startOffset": 1, - "text": "Yep." - } - }, - { - "from_name": "actions", - "id": "fZ8B7K0-fq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "108", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "107", - "startOffset": 0, - "text": " He doesn't do nothing positive about it\n and then he just blows up." - } - }, - { - "from_name": "taxonomySustain", - "id": "fZ8B7K0-fq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "108", - "endOffset": 27, - "start": "107", - "startOffset": 0, - "text": " He doesn't do nothing positive about it\n and then he just blows up." - } - }, - { - "from_name": "actions", - "id": "I-RX_hkMxd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "110", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "109", - "startOffset": 1, - "text": "And if something bothers you\n you go and you" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "I-RX_hkMxd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "110", - "endOffset": 15, - "start": "109", - "startOffset": 1, - "text": "And if something bothers you\n you go and you" - } - }, - { - "from_name": "actions", - "id": "k7S-b9p4a7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "112", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "111", - "startOffset": 0, - "text": " I was\n like last year" - } - }, - { - "from_name": "taxonomySustain", - "id": "k7S-b9p4a7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "112", - "endOffset": 15, - "start": "111", - "startOffset": 0, - "text": " I was\n like last year" - } - }, - { - "from_name": "actions", - "id": "FLl59n0A8C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "114", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "113", - "startOffset": 1, - "text": "I was really proud of myself\n when I was asked to take over intermediate algebra ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "FLl59n0A8C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "114", - "endOffset": 53, - "start": "113", - "startOffset": 1, - "text": "I was really proud of myself\n when I was asked to take over intermediate algebra ?" - } - }, - { - "from_name": "actions", - "id": "oegr3QOoME", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "115", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "115", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oegr3QOoME", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "115", - "endOffset": 8, - "start": "115", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "PnOA0DiCVK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "116", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "116", - "startOffset": 0, - "text": " And teach it ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "PnOA0DiCVK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "116", - "endOffset": 15, - "start": "116", - "startOffset": 0, - "text": " And teach it ?" - } - }, - { - "from_name": "actions", - "id": "IP7WuHFI9G", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "118", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "118", - "startOffset": 0, - "text": " And I did." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "IP7WuHFI9G", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "118", - "endOffset": 11, - "start": "118", - "startOffset": 0, - "text": " And I did." - } - }, - { - "from_name": "taxonomySustain", - "id": "IP7WuHFI9G", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "118", - "endOffset": 11, - "start": "118", - "startOffset": 0, - "text": " And I did." - } - }, - { - "from_name": "actions", - "id": "9HJdE6exNS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "120", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "120", - "startOffset": 0, - "text": " And I also went." - } - }, - { - "from_name": "taxonomySustain", - "id": "9HJdE6exNS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "120", - "endOffset": 17, - "start": "120", - "startOffset": 0, - "text": " And I also went." - } - }, - { - "from_name": "actions", - "id": "eQlcaURUJc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "123", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "122", - "startOffset": 0, - "text": " and I asked for raise\n instead of..." - } - }, - { - "from_name": "taxonomySustain", - "id": "eQlcaURUJc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "123", - "endOffset": 14, - "start": "122", - "startOffset": 0, - "text": " and I asked for raise\n instead of..." - } - }, - { - "from_name": "actions", - "id": "eBnAOazH7P", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "126", - "endOffset": 41, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "125", - "startOffset": 0, - "text": " cause instead of just sitting in the class and getting five dollars an hour\n I was now gonna be up there teaching it." - } - }, - { - "from_name": "taxonomySustain", - "id": "eBnAOazH7P", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "126", - "endOffset": 41, - "start": "125", - "startOffset": 0, - "text": " cause instead of just sitting in the class and getting five dollars an hour\n I was now gonna be up there teaching it." - } - }, - { - "from_name": "actions", - "id": "iLcYc2oNjs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "127", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "127", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "iLcYc2oNjs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "127", - "endOffset": 5, - "start": "127", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "I60Dg5_6lt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "129", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "128", - "startOffset": 1, - "text": "and instead of getting the five dollars an hour \n I ended up getting fifteen." - } - }, - { - "from_name": "taxonomySustain", - "id": "I60Dg5_6lt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "129", - "endOffset": 28, - "start": "128", - "startOffset": 1, - "text": "and instead of getting the five dollars an hour \n I ended up getting fifteen." - } - }, - { - "from_name": "actions", - "id": "nEhV2ETeoK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "130", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "130", - "startOffset": 1, - "text": "Really." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nEhV2ETeoK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "130", - "endOffset": 8, - "start": "130", - "startOffset": 1, - "text": "Really." - } - }, - { - "from_name": "actions", - "id": "WE_HD3AK1C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "131", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "131", - "startOffset": 1, - "text": "But I went and I asked." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WE_HD3AK1C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "131", - "endOffset": 24, - "start": "131", - "startOffset": 1, - "text": "But I went and I asked." - } - }, - { - "from_name": "actions", - "id": "wYKTUZFnTQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "132", - "endOffset": 8, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "132", - "startOffset": 1, - "text": "Now if." - } - }, - { - "from_name": "taxonomySustain", - "id": "wYKTUZFnTQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "132", - "endOffset": 8, - "start": "132", - "startOffset": 1, - "text": "Now if." - } - }, - { - "from_name": "actions", - "id": "965rASBdNs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "133", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "133", - "startOffset": 1, - "text": "You know if you put situation like that to Tim or Mandy" - } - }, - { - "from_name": "taxonomySustain", - "id": "965rASBdNs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "133", - "endOffset": 56, - "start": "133", - "startOffset": 1, - "text": "You know if you put situation like that to Tim or Mandy" - } - }, - { - "from_name": "actions", - "id": "dZt-g01VUV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "135", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "134", - "startOffset": 1, - "text": "cause not because they're they're weak in character or anything\n but because they're..." - } - }, - { - "from_name": "taxonomySustain", - "id": "dZt-g01VUV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "135", - "endOffset": 23, - "start": "134", - "startOffset": 1, - "text": "cause not because they're they're weak in character or anything\n but because they're..." - } - }, - { - "from_name": "actions", - "id": "ji1Fw46Skb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "136", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "136", - "startOffset": 0, - "text": " They're babies." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ji1Fw46Skb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "136", - "endOffset": 16, - "start": "136", - "startOffset": 0, - "text": " They're babies." - } - }, - { - "from_name": "actions", - "id": "Lwvcgy-I_D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "137", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "137", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Lwvcgy-I_D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "137", - "endOffset": 6, - "start": "137", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "pbOrJwE5mK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "138", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "138", - "startOffset": 0, - "text": " They hem and haw around" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "pbOrJwE5mK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "138", - "endOffset": 24, - "start": "138", - "startOffset": 0, - "text": " They hem and haw around" - } - }, - { - "from_name": "actions", - "id": "B9JoloXP8z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "139", - "endOffset": 47, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "139", - "startOffset": 0, - "text": " and somebody else would have to talk for them." - } - }, - { - "from_name": "taxonomySustain", - "id": "B9JoloXP8z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "139", - "endOffset": 47, - "start": "139", - "startOffset": 0, - "text": " and somebody else would have to talk for them." - } - }, - { - "from_name": "actions", - "id": "RLHdIf12O5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "140", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "140", - "startOffset": 0, - "text": " You know ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "RLHdIf12O5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "140", - "endOffset": 11, - "start": "140", - "startOffset": 0, - "text": " You know ?" - } - }, - { - "from_name": "actions", - "id": "tZF95fPne5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "141", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "141", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tZF95fPne5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "141", - "endOffset": 6, - "start": "141", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "oc_A-pbtk8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "143", - "endOffset": 14, - "paragraphlabels": [ - "Open" - ], - "start": "143", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "taxonomyOpen", - "id": "oc_A-pbtk8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "143", - "endOffset": 14, - "start": "143", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "actions", - "id": "ZWuYvcdhiI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "145", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "144", - "startOffset": 0, - "text": " And it's\n Right now uh" - } - }, - { - "from_name": "taxonomySustain", - "id": "ZWuYvcdhiI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "145", - "endOffset": 13, - "start": "144", - "startOffset": 0, - "text": " And it's\n Right now uh" - } - }, - { - "from_name": "actions", - "id": "YlYvmnLWVT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "147", - "endOffset": 8, - "paragraphlabels": [ - "Open" - ], - "start": "146", - "startOffset": 0, - "text": " I don't know if I should mention it to him\n or what" - } - }, - { - "from_name": "taxonomyOpen", - "id": "YlYvmnLWVT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "147", - "endOffset": 8, - "start": "146", - "startOffset": 0, - "text": " I don't know if I should mention it to him\n or what" - } - }, - { - "from_name": "actions", - "id": "pQH9vUOKWj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "149", - "endOffset": 45, - "paragraphlabels": [ - "Open" - ], - "start": "148", - "startOffset": 1, - "text": "but\n I'm feeling like he's taking me for granted." - } - }, - { - "from_name": "taxonomyOpen", - "id": "pQH9vUOKWj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "149", - "endOffset": 45, - "start": "148", - "startOffset": 1, - "text": "but\n I'm feeling like he's taking me for granted." - } - }, - { - "from_name": "actions", - "id": "T8fZgVwG6Y", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "150", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "150", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "T8fZgVwG6Y", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "150", - "endOffset": 5, - "start": "150", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "actions", - "id": "0VEecSymBE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "151", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "151", - "startOffset": 0, - "text": " And he's rolling in it" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0VEecSymBE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "151", - "endOffset": 23, - "start": "151", - "startOffset": 0, - "text": " And he's rolling in it" - } - }, - { - "from_name": "actions", - "id": "7s2wapK0_1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "153", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "152", - "startOffset": 0, - "text": " Mary.\n And you know what the sad thing" - } - }, - { - "from_name": "taxonomySustain", - "id": "7s2wapK0_1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "153", - "endOffset": 32, - "start": "152", - "startOffset": 0, - "text": " Mary.\n And you know what the sad thing" - } - }, - { - "from_name": "actions", - "id": "Be_m5eWAuY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "154", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "154", - "startOffset": 0, - "text": " the thing that really scares me ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "Be_m5eWAuY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "154", - "endOffset": 34, - "start": "154", - "startOffset": 0, - "text": " the thing that really scares me ?" - } - }, - { - "from_name": "actions", - "id": "ieOX0a2sF7", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "156", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "155", - "startOffset": 1, - "text": "is that they're n.\n at the rate they're going" - } - }, - { - "from_name": "taxonomySustain", - "id": "ieOX0a2sF7", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "156", - "endOffset": 26, - "start": "155", - "startOffset": 1, - "text": "is that they're n.\n at the rate they're going" - } - }, - { - "from_name": "actions", - "id": "gmnIwc4xVs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "158", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "157", - "startOffset": 1, - "text": "and with all the breaks that they've gotten\n they're never gonna have hard times." - } - }, - { - "from_name": "taxonomySustain", - "id": "gmnIwc4xVs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "158", - "endOffset": 37, - "start": "157", - "startOffset": 1, - "text": "and with all the breaks that they've gotten\n they're never gonna have hard times." - } - }, - { - "from_name": "actions", - "id": "nOWMZ5qj0R", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "159", - "endOffset": 25, - "paragraphlabels": [ - "Open" - ], - "start": "159", - "startOffset": 1, - "text": "Hard times do train you." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nOWMZ5qj0R", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "159", - "endOffset": 25, - "start": "159", - "startOffset": 1, - "text": "Hard times do train you." - } - }, - { - "from_name": "taxonomyOpen", - "id": "nOWMZ5qj0R", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "159", - "endOffset": 25, - "start": "159", - "startOffset": 1, - "text": "Hard times do train you." - } - }, - { - "from_name": "actions", - "id": "GSAABghy4R", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "160", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "160", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "GSAABghy4R", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "160", - "endOffset": 5, - "start": "160", - "startOffset": 0, - "text": " Yep." - } - }, - { - "from_name": "actions", - "id": "lc_CrpE0-e", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "161", - "endOffset": 9, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "161", - "startOffset": 1, - "text": "They do." - } - }, - { - "from_name": "taxonomySustain", - "id": "lc_CrpE0-e", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "161", - "endOffset": 9, - "start": "161", - "startOffset": 1, - "text": "They do." - } - }, - { - "from_name": "actions", - "id": "FjQC33jsPI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "162", - "endOffset": 41, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "162", - "startOffset": 1, - "text": "Like I came over here to work with Danae" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FjQC33jsPI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "162", - "endOffset": 41, - "start": "162", - "startOffset": 1, - "text": "Like I came over here to work with Danae" - } - }, - { - "from_name": "actions", - "id": "fvYWTJNW5A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "163", - "endOffset": 30, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "163", - "startOffset": 0, - "text": " which is what I'm going to do" - } - }, - { - "from_name": "actions", - "id": "YREXZJxshM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "164", - "endOffset": 54, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "164", - "startOffset": 1, - "text": "I'm going to do some translations for her and stuff ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "YREXZJxshM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "164", - "endOffset": 54, - "start": "164", - "startOffset": 1, - "text": "I'm going to do some translations for her and stuff ?" - } - }, - { - "from_name": "actions", - "id": "XXwwG8GVm5", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "165", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "165", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "XXwwG8GVm5", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "165", - "endOffset": 6, - "start": "165", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "Acse35aMz8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "166", - "endOffset": 10, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "166", - "startOffset": 0, - "text": " tonight ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "Acse35aMz8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "166", - "endOffset": 10, - "start": "166", - "startOffset": 0, - "text": " tonight ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Acse35aMz8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "166", - "endOffset": 10, - "start": "166", - "startOffset": 0, - "text": " tonight ?" - } - }, - { - "from_name": "actions", - "id": "XfHqbHHrjJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "167", - "endOffset": 8, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "167", - "startOffset": 0, - "text": " And um." - } - }, - { - "from_name": "taxonomySustain", - "id": "XfHqbHHrjJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "167", - "endOffset": 8, - "start": "167", - "startOffset": 0, - "text": " And um." - } - }, - { - "from_name": "actions", - "id": "3iQd2LrZkb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "170", - "endOffset": 45, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "169", - "startOffset": 0, - "text": " you know\n I have to make at least fifty dollars or so." - } - }, - { - "from_name": "taxonomySustain", - "id": "3iQd2LrZkb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "170", - "endOffset": 45, - "start": "169", - "startOffset": 0, - "text": " you know\n I have to make at least fifty dollars or so." - } - }, - { - "from_name": "actions", - "id": "pDr2tysZWz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "172", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "172", - "startOffset": 0, - "text": " to make it worth my time" - } - }, - { - "from_name": "taxonomySustain", - "id": "pDr2tysZWz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "172", - "endOffset": 25, - "start": "172", - "startOffset": 0, - "text": " to make it worth my time" - } - }, - { - "from_name": "actions", - "id": "5f-XnYf27L", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "174", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "173", - "startOffset": 0, - "text": " but like tonight\n well I called" - } - }, - { - "from_name": "taxonomySustain", - "id": "5f-XnYf27L", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "174", - "endOffset": 14, - "start": "173", - "startOffset": 0, - "text": " but like tonight\n well I called" - } - }, - { - "from_name": "actions", - "id": "YJQGQbgTJD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "176", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "175", - "startOffset": 0, - "text": " you know\n this thing was going on with Buck and everything" - } - }, - { - "from_name": "taxonomySustain", - "id": "YJQGQbgTJD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "176", - "endOffset": 49, - "start": "175", - "startOffset": 0, - "text": " you know\n this thing was going on with Buck and everything" - } - }, - { - "from_name": "actions", - "id": "w5KKGTUQ54", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "180", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "177", - "startOffset": 1, - "text": "so I called um\n Mandy's\n or\n I called our house" - } - }, - { - "from_name": "taxonomySustain", - "id": "w5KKGTUQ54", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "180", - "endOffset": 19, - "start": "177", - "startOffset": 1, - "text": "so I called um\n Mandy's\n or\n I called our house" - } - }, - { - "from_name": "actions", - "id": "AZxqD9o74E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "181", - "endOffset": 29, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "181", - "startOffset": 0, - "text": " and Mandy answered the phone" - } - }, - { - "from_name": "taxonomySustain", - "id": "AZxqD9o74E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "181", - "endOffset": 29, - "start": "181", - "startOffset": 0, - "text": " and Mandy answered the phone" - } - }, - { - "from_name": "actions", - "id": "oRjX-lt6AH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "182", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "182", - "startOffset": 1, - "text": "and I said where's." - } - }, - { - "from_name": "taxonomySustain", - "id": "oRjX-lt6AH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "182", - "endOffset": 20, - "start": "182", - "startOffset": 1, - "text": "and I said where's." - } - }, - { - "from_name": "actions", - "id": "QoOnLC0q49", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "184", - "endOffset": 7, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "183", - "startOffset": 0, - "text": " you know where's.\n where." - } - }, - { - "from_name": "taxonomySustain", - "id": "QoOnLC0q49", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "184", - "endOffset": 7, - "start": "183", - "startOffset": 0, - "text": " you know where's.\n where." - } - }, - { - "from_name": "actions", - "id": "RwtWX9thZT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "185", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "185", - "startOffset": 1, - "text": "Is Ron there ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "RwtWX9thZT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "185", - "endOffset": 15, - "start": "185", - "startOffset": 1, - "text": "Is Ron there ?" - } - }, - { - "from_name": "actions", - "id": "KRt7YPh6hm", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "186", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "186", - "startOffset": 1, - "text": "And she said no." - } - }, - { - "from_name": "taxonomySustain", - "id": "KRt7YPh6hm", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "186", - "endOffset": 17, - "start": "186", - "startOffset": 1, - "text": "And she said no." - } - }, - { - "from_name": "actions", - "id": "d8l7VQ3aHb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "187", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "187", - "startOffset": 1, - "text": "When we were on our way to Tim's game" - } - }, - { - "from_name": "taxonomySustain", - "id": "d8l7VQ3aHb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "187", - "endOffset": 38, - "start": "187", - "startOffset": 1, - "text": "When we were on our way to Tim's game" - } - }, - { - "from_name": "actions", - "id": "w3R-NYb-fR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "188", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "188", - "startOffset": 0, - "text": " he was at Town Pump" - } - }, - { - "from_name": "taxonomySustain", - "id": "w3R-NYb-fR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "188", - "endOffset": 20, - "start": "188", - "startOffset": 0, - "text": " he was at Town Pump" - } - }, - { - "from_name": "actions", - "id": "ij0CtFZmoT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "189", - "endOffset": 36, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "189", - "startOffset": 1, - "text": "and he asked what time we'd be home" - } - }, - { - "from_name": "taxonomySustain", - "id": "ij0CtFZmoT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "189", - "endOffset": 36, - "start": "189", - "startOffset": 1, - "text": "and he asked what time we'd be home" - } - }, - { - "from_name": "actions", - "id": "MX1htA_qyl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "190", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "190", - "startOffset": 0, - "text": " and we said probably about nine." - } - }, - { - "from_name": "taxonomySustain", - "id": "MX1htA_qyl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "190", - "endOffset": 33, - "start": "190", - "startOffset": 0, - "text": " and we said probably about nine." - } - }, - { - "from_name": "actions", - "id": "cyOE5LVFDZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "191", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "191", - "startOffset": 0, - "text": " And she said then we went over to your grandma's" - } - }, - { - "from_name": "taxonomySustain", - "id": "cyOE5LVFDZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "191", - "endOffset": 49, - "start": "191", - "startOffset": 0, - "text": " And she said then we went over to your grandma's" - } - }, - { - "from_name": "actions", - "id": "ojIyYMEfa-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "193", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "192", - "startOffset": 1, - "text": "but then we came back\n and he wasn't here yet." - } - }, - { - "from_name": "taxonomySustain", - "id": "ojIyYMEfa-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "193", - "endOffset": 24, - "start": "192", - "startOffset": 1, - "text": "but then we came back\n and he wasn't here yet." - } - }, - { - "from_name": "actions", - "id": "NESiV1a02H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "196", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "194", - "startOffset": 0, - "text": " So\n I called the Town Pump\n and asked if he was still in the casino" - } - }, - { - "from_name": "taxonomySustain", - "id": "NESiV1a02H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "196", - "endOffset": 40, - "start": "194", - "startOffset": 0, - "text": " So\n I called the Town Pump\n and asked if he was still in the casino" - } - }, - { - "from_name": "actions", - "id": "rviqmUSdFs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "197", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "197", - "startOffset": 0, - "text": " course he wasn't" - } - }, - { - "from_name": "taxonomySustain", - "id": "rviqmUSdFs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "197", - "endOffset": 17, - "start": "197", - "startOffset": 0, - "text": " course he wasn't" - } - }, - { - "from_name": "actions", - "id": "koAsiO9Djc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "198", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "198", - "startOffset": 1, - "text": "he was on his way home." - } - }, - { - "from_name": "taxonomySustain", - "id": "koAsiO9Djc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "198", - "endOffset": 24, - "start": "198", - "startOffset": 1, - "text": "he was on his way home." - } - }, - { - "from_name": "actions", - "id": "ktJtPf82RJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "199", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "199", - "startOffset": 1, - "text": "And I said tell." - } - }, - { - "from_name": "taxonomySustain", - "id": "ktJtPf82RJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "199", - "endOffset": 17, - "start": "199", - "startOffset": 1, - "text": "And I said tell." - } - }, - { - "from_name": "actions", - "id": "E6BCWn61Kd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "202", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "200", - "startOffset": 1, - "text": "So I called Mandy back\n and I told her to\n have him call me." - } - }, - { - "from_name": "taxonomySustain", - "id": "E6BCWn61Kd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "202", - "endOffset": 18, - "start": "200", - "startOffset": 1, - "text": "So I called Mandy back\n and I told her to\n have him call me." - } - }, - { - "from_name": "actions", - "id": "VZ7eUmFo9m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "203", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "203", - "startOffset": 0, - "text": " when he got home." - } - }, - { - "from_name": "taxonomySustain", - "id": "VZ7eUmFo9m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "203", - "endOffset": 18, - "start": "203", - "startOffset": 0, - "text": " when he got home." - } - }, - { - "from_name": "actions", - "id": "mBtt5CERoh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "205", - "endOffset": 36, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "204", - "startOffset": 0, - "text": " So\n I was in the bathtub when he called" - } - }, - { - "from_name": "taxonomySustain", - "id": "mBtt5CERoh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "205", - "endOffset": 36, - "start": "204", - "startOffset": 0, - "text": " So\n I was in the bathtub when he called" - } - }, - { - "from_name": "actions", - "id": "N9VP3s9PmW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "206", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "206", - "startOffset": 1, - "text": "and I talked to him for while and" - } - }, - { - "from_name": "taxonomySustain", - "id": "N9VP3s9PmW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "206", - "endOffset": 34, - "start": "206", - "startOffset": 1, - "text": "and I talked to him for while and" - } - }, - { - "from_name": "actions", - "id": "UTtG9o92vd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "208", - "endOffset": 70, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "207", - "startOffset": 0, - "text": " he went and\n he was really down about what what I told him that Tim had said to me" - } - }, - { - "from_name": "taxonomySustain", - "id": "UTtG9o92vd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "208", - "endOffset": 70, - "start": "207", - "startOffset": 0, - "text": " he went and\n he was really down about what what I told him that Tim had said to me" - } - }, - { - "from_name": "actions", - "id": "AS2oqFbgpr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "209", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "209", - "startOffset": 0, - "text": " and how I was so upset ?" - } - }, - { - "from_name": "actions", - "id": "1zaFptw65h", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "210", - "endOffset": 54, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "210", - "startOffset": 1, - "text": "He goes why didn't you tell him to go and wake me up." - } - }, - { - "from_name": "taxonomySustain", - "id": "1zaFptw65h", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "210", - "endOffset": 54, - "start": "210", - "startOffset": 1, - "text": "He goes why didn't you tell him to go and wake me up." - } - }, - { - "from_name": "actions", - "id": "crt0fWbMvS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "211", - "endOffset": 13, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "211", - "startOffset": 0, - "text": " I said I did" - } - }, - { - "from_name": "taxonomySustain", - "id": "crt0fWbMvS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "211", - "endOffset": 13, - "start": "211", - "startOffset": 0, - "text": " I said I did" - } - }, - { - "from_name": "actions", - "id": "dfWkj9HTPi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "212", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "212", - "startOffset": 0, - "text": " and he wouldn't do it." - } - }, - { - "from_name": "taxonomySustain", - "id": "dfWkj9HTPi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "212", - "endOffset": 23, - "start": "212", - "startOffset": 0, - "text": " and he wouldn't do it." - } - }, - { - "from_name": "actions", - "id": "iexFwp95R4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "213", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "213", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "iexFwp95R4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "213", - "endOffset": 9, - "start": "213", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "83T7hnEiSK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "215", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "214", - "startOffset": 0, - "text": " Mhm.\n He goes" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "83T7hnEiSK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "215", - "endOffset": 8, - "start": "214", - "startOffset": 0, - "text": " Mhm.\n He goes" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "83T7hnEiSK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "215", - "endOffset": 8, - "start": "214", - "startOffset": 0, - "text": " Mhm.\n He goes" - } - }, - { - "from_name": "actions", - "id": "rN9X2uKY1C", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "216", - "endOffset": 6, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "216", - "startOffset": 1, - "text": "they." - } - }, - { - "from_name": "taxonomySustain", - "id": "rN9X2uKY1C", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "216", - "endOffset": 6, - "start": "216", - "startOffset": 1, - "text": "they." - } - }, - { - "from_name": "actions", - "id": "uqnLNoO2OX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "217", - "endOffset": 47, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "217", - "startOffset": 1, - "text": "they were sitting around getting all fucked up" - } - }, - { - "from_name": "taxonomySustain", - "id": "uqnLNoO2OX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "217", - "endOffset": 47, - "start": "217", - "startOffset": 1, - "text": "they were sitting around getting all fucked up" - } - }, - { - "from_name": "actions", - "id": "o1u3MrRFjZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "218", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "218", - "startOffset": 1, - "text": "he said but" - } - }, - { - "from_name": "taxonomySustain", - "id": "o1u3MrRFjZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "218", - "endOffset": 12, - "start": "218", - "startOffset": 1, - "text": "he said but" - } - }, - { - "from_name": "actions", - "id": "zrswSojMnU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "219", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "219", - "startOffset": 0, - "text": " he said I went right to bed" - } - }, - { - "from_name": "taxonomySustain", - "id": "zrswSojMnU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "219", - "endOffset": 28, - "start": "219", - "startOffset": 0, - "text": " he said I went right to bed" - } - }, - { - "from_name": "actions", - "id": "vZGXZbnj5E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "220", - "endOffset": 52, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "220", - "startOffset": 1, - "text": "he said I didn't get done working until after nine." - } - }, - { - "from_name": "taxonomySustain", - "id": "vZGXZbnj5E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "220", - "endOffset": 52, - "start": "220", - "startOffset": 1, - "text": "he said I didn't get done working until after nine." - } - }, - { - "from_name": "actions", - "id": "fleSXpuQVO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "222", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "221", - "startOffset": 0, - "text": " Oh\n man." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "fleSXpuQVO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "222", - "endOffset": 5, - "start": "221", - "startOffset": 0, - "text": " Oh\n man." - } - }, - { - "from_name": "actions", - "id": "NYlUkK6Hrq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "223", - "endOffset": 62, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "223", - "startOffset": 0, - "text": "Cause that five car pile up they had between Hardin and Crow ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "NYlUkK6Hrq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "223", - "endOffset": 62, - "start": "223", - "startOffset": 0, - "text": "Cause that five car pile up they had between Hardin and Crow ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "NYlUkK6Hrq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "223", - "endOffset": 62, - "start": "223", - "startOffset": 0, - "text": "Cause that five car pile up they had between Hardin and Crow ?" - } - }, - { - "from_name": "actions", - "id": "_N77R71xDr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "225", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "224", - "startOffset": 1, - "text": "Oh\n shit" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_N77R71xDr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "225", - "endOffset": 5, - "start": "224", - "startOffset": 1, - "text": "Oh\n shit" - } - }, - { - "from_name": "actions", - "id": "Wi4Fn4cUWz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "226", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "226", - "startOffset": 0, - "text": " really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Wi4Fn4cUWz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "226", - "endOffset": 9, - "start": "226", - "startOffset": 0, - "text": " really ?" - } - }, - { - "from_name": "actions", - "id": "CSCaKYHpYt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "227", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "227", - "startOffset": 1, - "text": "I didn't hear about it." - } - }, - { - "from_name": "taxonomySustain", - "id": "CSCaKYHpYt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "227", - "endOffset": 24, - "start": "227", - "startOffset": 1, - "text": "I didn't hear about it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "CSCaKYHpYt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "227", - "endOffset": 24, - "start": "227", - "startOffset": 1, - "text": "I didn't hear about it." - } - }, - { - "from_name": "actions", - "id": "agglXVdG4K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "228", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "228", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "agglXVdG4K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "228", - "endOffset": 6, - "start": "228", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "H3uAIWkL6s", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "229", - "endOffset": 30, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "229", - "startOffset": 1, - "text": "Ron was singlehandedly there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "H3uAIWkL6s", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "229", - "endOffset": 30, - "start": "229", - "startOffset": 1, - "text": "Ron was singlehandedly there." - } - }, - { - "from_name": "actions", - "id": "AkKvhZYgKJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "230", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "230", - "startOffset": 0, - "text": " with one wrecker." - } - }, - { - "from_name": "taxonomySustain", - "id": "AkKvhZYgKJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "230", - "endOffset": 18, - "start": "230", - "startOffset": 0, - "text": " with one wrecker." - } - }, - { - "from_name": "actions", - "id": "Dq3LMZWG-U", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "231", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "231", - "startOffset": 0, - "text": " yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Dq3LMZWG-U", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "231", - "endOffset": 6, - "start": "231", - "startOffset": 0, - "text": " yeah." - } - }, - { - "from_name": "actions", - "id": "86MkoQOQXG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "234", - "endOffset": 34, - "paragraphlabels": [ - "Open" - ], - "start": "233", - "startOffset": 1, - "text": "Seems like any time I've seen wrecker out here\n there's always two guys in there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "86MkoQOQXG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "234", - "endOffset": 34, - "start": "233", - "startOffset": 1, - "text": "Seems like any time I've seen wrecker out here\n there's always two guys in there." - } - }, - { - "from_name": "taxonomyOpen", - "id": "86MkoQOQXG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "234", - "endOffset": 34, - "start": "233", - "startOffset": 1, - "text": "Seems like any time I've seen wrecker out here\n there's always two guys in there." - } - }, - { - "from_name": "actions", - "id": "zGew99cOxt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "235", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "235", - "startOffset": 1, - "text": "Hmm" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "zGew99cOxt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "235", - "endOffset": 4, - "start": "235", - "startOffset": 1, - "text": "Hmm" - } - }, - { - "from_name": "actions", - "id": "rWe9vS_Qdj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "237", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "236", - "startOffset": 0, - "text": " everyone was gone\n when the call came in." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rWe9vS_Qdj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "237", - "endOffset": 23, - "start": "236", - "startOffset": 0, - "text": " everyone was gone\n when the call came in." - } - }, - { - "from_name": "actions", - "id": "MB8s6tcgID", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "238", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "238", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "MB8s6tcgID", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "238", - "endOffset": 4, - "start": "238", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "actions", - "id": "HYVQ0hACL1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "240", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "239", - "startOffset": 1, - "text": "And Jay's not supposed to go on those anymore\n because of his heart" - } - }, - { - "from_name": "taxonomySustain", - "id": "HYVQ0hACL1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "240", - "endOffset": 21, - "start": "239", - "startOffset": 1, - "text": "And Jay's not supposed to go on those anymore\n because of his heart" - } - }, - { - "from_name": "actions", - "id": "4REnuRmv7M", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "241", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "241", - "startOffset": 0, - "text": " so he had to send Ron by himself" - } - }, - { - "from_name": "taxonomySustain", - "id": "4REnuRmv7M", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "241", - "endOffset": 33, - "start": "241", - "startOffset": 0, - "text": " so he had to send Ron by himself" - } - }, - { - "from_name": "actions", - "id": "xPsiOgCMtC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "242", - "endOffset": 55, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "242", - "startOffset": 0, - "text": " and Ron was slowly pulling everybody out of the ditch." - } - }, - { - "from_name": "taxonomySustain", - "id": "xPsiOgCMtC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "242", - "endOffset": 55, - "start": "242", - "startOffset": 0, - "text": " and Ron was slowly pulling everybody out of the ditch." - } - }, - { - "from_name": "actions", - "id": "UM6TrsKF3A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "243", - "endOffset": 30, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "243", - "startOffset": 0, - "text": " Did they all hit each other ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "UM6TrsKF3A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "243", - "endOffset": 30, - "start": "243", - "startOffset": 0, - "text": " Did they all hit each other ?" - } - }, - { - "from_name": "actions", - "id": "WfsOxROvql", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "244", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "244", - "startOffset": 0, - "text": " Or just." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "WfsOxROvql", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "244", - "endOffset": 9, - "start": "244", - "startOffset": 0, - "text": " Or just." - } - }, - { - "from_name": "actions", - "id": "0JaAyPwP1l", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "245", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "245", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0JaAyPwP1l", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "245", - "endOffset": 9, - "start": "245", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "actions", - "id": "oiQHzU-4fQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "246", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "246", - "startOffset": 1, - "text": "aʔ semi bumped car" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oiQHzU-4fQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "246", - "endOffset": 19, - "start": "246", - "startOffset": 1, - "text": "aʔ semi bumped car" - } - }, - { - "from_name": "actions", - "id": "Cqnn3TFbLC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "248", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "247", - "startOffset": 0, - "text": " and then went and\n went on two wheels" - } - }, - { - "from_name": "taxonomySustain", - "id": "Cqnn3TFbLC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "248", - "endOffset": 19, - "start": "247", - "startOffset": 0, - "text": " and then went and\n went on two wheels" - } - }, - { - "from_name": "actions", - "id": "Vxl8mK3Fsc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "250", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "249", - "startOffset": 1, - "text": "and\n just about lost it" - } - }, - { - "from_name": "taxonomySustain", - "id": "Vxl8mK3Fsc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "250", - "endOffset": 19, - "start": "249", - "startOffset": 1, - "text": "and\n just about lost it" - } - }, - { - "from_name": "actions", - "id": "YbgAbmVdUp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "251", - "endOffset": 50, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "251", - "startOffset": 0, - "text": " and then got back up on all all its wheels again." - } - }, - { - "from_name": "taxonomySustain", - "id": "YbgAbmVdUp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "251", - "endOffset": 50, - "start": "251", - "startOffset": 0, - "text": " and then got back up on all all its wheels again." - } - }, - { - "from_name": "actions", - "id": "UupxIQhR3A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "253", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "252", - "startOffset": 0, - "text": " Oh.\n Did it land in the ditch ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "UupxIQhR3A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "253", - "endOffset": 27, - "start": "252", - "startOffset": 0, - "text": " Oh.\n Did it land in the ditch ?" - } - }, - { - "from_name": "actions", - "id": "svPV8t2IfU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "254", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "254", - "startOffset": 1, - "text": "But it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "svPV8t2IfU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "254", - "endOffset": 8, - "start": "254", - "startOffset": 1, - "text": "But it." - } - }, - { - "from_name": "actions", - "id": "uf8njbmmNS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "255", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "255", - "startOffset": 0, - "text": " Kind of" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uf8njbmmNS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "255", - "endOffset": 8, - "start": "255", - "startOffset": 0, - "text": " Kind of" - } - }, - { - "from_name": "actions", - "id": "-EcpuKcPa-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "256", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "256", - "startOffset": 0, - "text": " it was able to get out" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "-EcpuKcPa-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "256", - "endOffset": 23, - "start": "256", - "startOffset": 0, - "text": " it was able to get out" - } - }, - { - "from_name": "actions", - "id": "9zSZ4FlLvk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "257", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "257", - "startOffset": 1, - "text": "but all the other cars that were in the direct vicinity" - } - }, - { - "from_name": "taxonomySustain", - "id": "9zSZ4FlLvk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "257", - "endOffset": 56, - "start": "257", - "startOffset": 1, - "text": "but all the other cars that were in the direct vicinity" - } - }, - { - "from_name": "actions", - "id": "a934TKT3Eh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "258", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "258", - "startOffset": 0, - "text": " all hit the ditch." - } - }, - { - "from_name": "taxonomySustain", - "id": "a934TKT3Eh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "258", - "endOffset": 19, - "start": "258", - "startOffset": 0, - "text": " all hit the ditch." - } - }, - { - "from_name": "actions", - "id": "qIFKvm9IdT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "260", - "endOffset": 35, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "259", - "startOffset": 1, - "text": "And then\n there was three cars and the semi." - } - }, - { - "from_name": "taxonomySustain", - "id": "qIFKvm9IdT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "260", - "endOffset": 35, - "start": "259", - "startOffset": 1, - "text": "And then\n there was three cars and the semi." - } - }, - { - "from_name": "actions", - "id": "ZOXf8ex0Jk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "263", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "261", - "startOffset": 1, - "text": "And then\n this uh\n this guy pulled up and." - } - }, - { - "from_name": "taxonomySustain", - "id": "ZOXf8ex0Jk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "263", - "endOffset": 24, - "start": "261", - "startOffset": 1, - "text": "And then\n this uh\n this guy pulled up and." - } - }, - { - "from_name": "actions", - "id": "koP2WFX3_t", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "266", - "endOffset": 7, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "265", - "startOffset": 0, - "text": " he was going to uh\n Peggy." - } - }, - { - "from_name": "taxonomySustain", - "id": "koP2WFX3_t", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "266", - "endOffset": 7, - "start": "265", - "startOffset": 0, - "text": " he was going to uh\n Peggy." - } - }, - { - "from_name": "actions", - "id": "rmPgsYsDWE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "268", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "268", - "startOffset": 1, - "text": "you remember Peggy White ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "rmPgsYsDWE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "268", - "endOffset": 27, - "start": "268", - "startOffset": 1, - "text": "you remember Peggy White ?" - } - }, - { - "from_name": "actions", - "id": "kKuhtUt4rN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "269", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "269", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "kKuhtUt4rN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "269", - "endOffset": 6, - "start": "269", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "TNDbjJADzA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "271", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "270", - "startOffset": 1, - "text": "Her husband\n Gary Bighare ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "TNDbjJADzA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "271", - "endOffset": 15, - "start": "270", - "startOffset": 1, - "text": "Her husband\n Gary Bighare ?" - } - }, - { - "from_name": "actions", - "id": "tpfbxikyCM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "272", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "272", - "startOffset": 0, - "text": " Mhm ?" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tpfbxikyCM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "272", - "endOffset": 6, - "start": "272", - "startOffset": 0, - "text": " Mhm ?" - } - }, - { - "from_name": "actions", - "id": "_I7Ayg01eh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "274", - "endOffset": 26, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "273", - "startOffset": 1, - "text": "Him and her pulled up\n and they were in the van " - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "_I7Ayg01eh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "274", - "endOffset": 26, - "start": "273", - "startOffset": 1, - "text": "Him and her pulled up\n and they were in the van " - } - }, - { - "from_name": "actions", - "id": "sVL8A3p84v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "275", - "endOffset": 43, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "275", - "startOffset": 0, - "text": " And they stopped to ask Ron what happened " - } - }, - { - "from_name": "taxonomySustain", - "id": "sVL8A3p84v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "275", - "endOffset": 43, - "start": "275", - "startOffset": 0, - "text": " And they stopped to ask Ron what happened " - } - }, - { - "from_name": "actions", - "id": "mPbOB5tmJp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "276", - "endOffset": 45, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "276", - "startOffset": 0, - "text": "And here another car came and rearended them." - } - }, - { - "from_name": "taxonomySustain", - "id": "mPbOB5tmJp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "276", - "endOffset": 45, - "start": "276", - "startOffset": 0, - "text": "And here another car came and rearended them." - } - }, - { - "from_name": "actions", - "id": "oavCUhly56", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "277", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "277", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "oavCUhly56", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "277", - "endOffset": 4, - "start": "277", - "startOffset": 0, - "text": " Oh." - } - }, - { - "from_name": "actions", - "id": "dqF8KLBsWH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "278", - "endOffset": 75, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "278", - "startOffset": 1, - "text": "And they ended up having to take um Peggy White by helicopter to Billings." - } - }, - { - "from_name": "taxonomySustain", - "id": "dqF8KLBsWH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "278", - "endOffset": 75, - "start": "278", - "startOffset": 1, - "text": "And they ended up having to take um Peggy White by helicopter to Billings." - } - }, - { - "from_name": "actions", - "id": "-ub0iksnxp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "279", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "279", - "startOffset": 1, - "text": "Man that's pretty bad." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "-ub0iksnxp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "279", - "endOffset": 23, - "start": "279", - "startOffset": 1, - "text": "Man that's pretty bad." - } - }, - { - "from_name": "actions", - "id": "0ktSngtzH0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "280", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "280", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "0ktSngtzH0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "280", - "endOffset": 8, - "start": "280", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "XGNkFgxoqJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "283", - "endOffset": 18, - "paragraphlabels": [ - "Open" - ], - "start": "281", - "startOffset": 0, - "text": " Darn\n this darn dog keeps breathing\n and like dreaming" - } - }, - { - "from_name": "taxonomyOpen", - "id": "XGNkFgxoqJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "283", - "endOffset": 18, - "start": "281", - "startOffset": 0, - "text": " Darn\n this darn dog keeps breathing\n and like dreaming" - } - }, - { - "from_name": "actions", - "id": "4473GQrP0b", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "284", - "endOffset": 45, - "paragraphlabels": [ - "Open" - ], - "start": "284", - "startOffset": 0, - "text": " you know I wonder if we should wake her up ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "4473GQrP0b", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "284", - "endOffset": 45, - "start": "284", - "startOffset": 0, - "text": " you know I wonder if we should wake her up ?" - } - }, - { - "from_name": "actions", - "id": "2EO9H0qsml", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "285", - "endOffset": 3, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "285", - "startOffset": 0, - "text": " No" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "2EO9H0qsml", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "285", - "endOffset": 3, - "start": "285", - "startOffset": 0, - "text": " No" - } - }, - { - "from_name": "actions", - "id": "uC9VfWXIVi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "286", - "endOffset": 42, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "286", - "startOffset": 1, - "text": "she'll get scared and want to go outside." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uC9VfWXIVi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "286", - "endOffset": 42, - "start": "286", - "startOffset": 1, - "text": "she'll get scared and want to go outside." - } - }, - { - "from_name": "actions", - "id": "ibcDVGfqOC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "288", - "endOffset": 10, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "287", - "startOffset": 1, - "text": "Kinda nervous\n you know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ibcDVGfqOC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "288", - "endOffset": 10, - "start": "287", - "startOffset": 1, - "text": "Kinda nervous\n you know." - } - }, - { - "from_name": "actions", - "id": "tExw-ngtjS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "290", - "endOffset": 39, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "289", - "startOffset": 1, - "text": "They say you can really mess up dog\n by wakingthemup when they're dreaming." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tExw-ngtjS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "290", - "endOffset": 39, - "start": "289", - "startOffset": 1, - "text": "They say you can really mess up dog\n by wakingthemup when they're dreaming." - } - }, - { - "from_name": "actions", - "id": "dHpZYd_ipQ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "291", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "291", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "dHpZYd_ipQ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "291", - "endOffset": 9, - "start": "291", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "5UyEyuZOsm", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "292", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "292", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "5UyEyuZOsm", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "292", - "endOffset": 5, - "start": "292", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "EV2fjcVYqZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "294", - "endOffset": 52, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "293", - "startOffset": 1, - "text": "It's so cold outside\n but yet sometimes she insists on staying out there." - } - }, - { - "from_name": "taxonomyOpen", - "id": "EV2fjcVYqZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Fact" - ], - "end": "294", - "endOffset": 52, - "start": "293", - "startOffset": 1, - "text": "It's so cold outside\n but yet sometimes she insists on staying out there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "EV2fjcVYqZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "294", - "endOffset": 52, - "start": "293", - "startOffset": 1, - "text": "It's so cold outside\n but yet sometimes she insists on staying out there." - } - }, - { - "from_name": "actions", - "id": "FoO0FaNxW8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "295", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "295", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FoO0FaNxW8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "295", - "endOffset": 8, - "start": "295", - "startOffset": 0, - "text": " I know." - } - }, - { - "from_name": "actions", - "id": "RJRT4GNSjY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "296", - "endOffset": 40, - "paragraphlabels": [ - "Open" - ], - "start": "296", - "startOffset": 0, - "text": " You know what I was thinking of doing ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "RJRT4GNSjY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Opinion" - ], - "end": "296", - "endOffset": 40, - "start": "296", - "startOffset": 0, - "text": " You know what I was thinking of doing ?" - } - }, - { - "from_name": "actions", - "id": "bFx0DCJsEn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "297", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "297", - "startOffset": 0, - "text": " Hunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "bFx0DCJsEn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "297", - "endOffset": 6, - "start": "297", - "startOffset": 0, - "text": " Hunh." - } - }, - { - "from_name": "actions", - "id": "rWBLn2tx7H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "300", - "endOffset": 21, - "paragraphlabels": [ - "Open" - ], - "start": "298", - "startOffset": 1, - "text": "I don't know\n she's kind of shy\n but I was wondering." - } - }, - { - "from_name": "taxonomyOpen", - "id": "rWBLn2tx7H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "300", - "endOffset": 21, - "start": "298", - "startOffset": 1, - "text": "I don't know\n she's kind of shy\n but I was wondering." - } - }, - { - "from_name": "actions", - "id": "7iMc-S_rno", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "302", - "endOffset": 36, - "paragraphlabels": [ - "Open" - ], - "start": "302", - "startOffset": 0, - "text": " what it would be like to train her." - } - }, - { - "from_name": "taxonomyOpen", - "id": "7iMc-S_rno", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "302", - "endOffset": 36, - "start": "302", - "startOffset": 0, - "text": " what it would be like to train her." - } - }, - { - "from_name": "actions", - "id": "AkvnhkmiU3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "304", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "304", - "startOffset": 1, - "text": "to pull sled." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "AkvnhkmiU3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "304", - "endOffset": 14, - "start": "304", - "startOffset": 1, - "text": "to pull sled." - } - }, - { - "from_name": "taxonomySustain", - "id": "AkvnhkmiU3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "304", - "endOffset": 14, - "start": "304", - "startOffset": 1, - "text": "to pull sled." - } - }, - { - "from_name": "actions", - "id": "LeKlNjASNc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "305", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "305", - "startOffset": 1, - "text": "I don't know if she'd do it." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "LeKlNjASNc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "305", - "endOffset": 29, - "start": "305", - "startOffset": 1, - "text": "I don't know if she'd do it." - } - }, - { - "from_name": "actions", - "id": "mIm8i3kQOR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "306", - "endOffset": 34, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "306", - "startOffset": 1, - "text": "I don't know if she would either." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "mIm8i3kQOR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "306", - "endOffset": 34, - "start": "306", - "startOffset": 1, - "text": "I don't know if she would either." - } - }, - { - "from_name": "actions", - "id": "d_PTh0LUI3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "307", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "307", - "startOffset": 0, - "text": " She's kind of timid." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "d_PTh0LUI3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "307", - "endOffset": 21, - "start": "307", - "startOffset": 0, - "text": " She's kind of timid." - } - }, - { - "from_name": "taxonomySustain", - "id": "d_PTh0LUI3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "307", - "endOffset": 21, - "start": "307", - "startOffset": 0, - "text": " She's kind of timid." - } - }, - { - "from_name": "actions", - "id": "WAQPyPHFIT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "309", - "endOffset": 42, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "308", - "startOffset": 0, - "text": " Mhm.\n She doesn't trust too many people at all." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WAQPyPHFIT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "309", - "endOffset": 42, - "start": "308", - "startOffset": 0, - "text": " Mhm.\n She doesn't trust too many people at all." - } - }, - { - "from_name": "actions", - "id": "rJQK-Z-_oi", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "310", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "310", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rJQK-Z-_oi", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "310", - "endOffset": 6, - "start": "310", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "wMkuWBhu40", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "311", - "endOffset": 73, - "paragraphlabels": [ - "Open" - ], - "start": "311", - "startOffset": 1, - "text": "Oh and you know another thing that Tim had the audacity to bitch about ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "wMkuWBhu40", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Opinion" - ], - "end": "311", - "endOffset": 73, - "start": "311", - "startOffset": 1, - "text": "Oh and you know another thing that Tim had the audacity to bitch about ?" - } - }, - { - "from_name": "actions", - "id": "xO0hFsEapz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "312", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "312", - "startOffset": 0, - "text": " What." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "xO0hFsEapz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "312", - "endOffset": 6, - "start": "312", - "startOffset": 0, - "text": " What." - } - }, - { - "from_name": "actions", - "id": "234K8ExAb4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "313", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "313", - "startOffset": 1, - "text": "He said um" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "234K8ExAb4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "313", - "endOffset": 11, - "start": "313", - "startOffset": 1, - "text": "He said um" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "234K8ExAb4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "313", - "endOffset": 11, - "start": "313", - "startOffset": 1, - "text": "He said um" - } - }, - { - "from_name": "actions", - "id": "SQrI_-CPC_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "314", - "endOffset": 59, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "314", - "startOffset": 1, - "text": "Mandy had to stay up all by herself and decorate the tree." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "SQrI_-CPC_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "314", - "endOffset": 59, - "start": "314", - "startOffset": 1, - "text": "Mandy had to stay up all by herself and decorate the tree." - } - }, - { - "from_name": "actions", - "id": "U4zks1C4i-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "315", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "315", - "startOffset": 0, - "text": " until four in the morning." - } - }, - { - "from_name": "taxonomySustain", - "id": "U4zks1C4i-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "315", - "endOffset": 27, - "start": "315", - "startOffset": 0, - "text": " until four in the morning." - } - }, - { - "from_name": "actions", - "id": "nKqm5tJ3A_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "316", - "endOffset": 56, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "316", - "startOffset": 1, - "text": "And I even asked if we could put our ornaments on there" - } - }, - { - "from_name": "taxonomySustain", - "id": "nKqm5tJ3A_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "316", - "endOffset": 56, - "start": "316", - "startOffset": 1, - "text": "And I even asked if we could put our ornaments on there" - } - }, - { - "from_name": "actions", - "id": "6uVcKeVnUw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "317", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "317", - "startOffset": 0, - "text": " and they told me that there wouldn't be enough room." - } - }, - { - "from_name": "taxonomySustain", - "id": "6uVcKeVnUw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "317", - "endOffset": 53, - "start": "317", - "startOffset": 0, - "text": " and they told me that there wouldn't be enough room." - } - }, - { - "from_name": "actions", - "id": "nxS3fHqywF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "318", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "318", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "nxS3fHqywF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "318", - "endOffset": 9, - "start": "318", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "OqnnMubhgh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "320", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "319", - "startOffset": 0, - "text": " Mhm\n Tim said that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "OqnnMubhgh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "320", - "endOffset": 15, - "start": "319", - "startOffset": 0, - "text": " Mhm\n Tim said that." - } - }, - { - "from_name": "actions", - "id": "dLLv3WoJTF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "321", - "endOffset": 46, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "321", - "startOffset": 1, - "text": "She was probably lonely when she was doing it" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "dLLv3WoJTF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "321", - "endOffset": 46, - "start": "321", - "startOffset": 1, - "text": "She was probably lonely when she was doing it" - } - }, - { - "from_name": "actions", - "id": "PI1zF6I0E3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "322", - "endOffset": 16, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "322", - "startOffset": 0, - "text": " you know that ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "PI1zF6I0E3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "322", - "endOffset": 16, - "start": "322", - "startOffset": 0, - "text": " you know that ?" - } - }, - { - "from_name": "actions", - "id": "nI9GoEvPEC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "323", - "endOffset": 18, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "323", - "startOffset": 0, - "text": " She probably was." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "nI9GoEvPEC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "323", - "endOffset": 18, - "start": "323", - "startOffset": 0, - "text": " She probably was." - } - }, - { - "from_name": "actions", - "id": "7J3FXaNd4N", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "327", - "endOffset": 33, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "325", - "startOffset": 0, - "text": " I sat up with her\n and I was talking to her\n she was doing all the decorating" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7J3FXaNd4N", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "327", - "endOffset": 33, - "start": "325", - "startOffset": 0, - "text": " I sat up with her\n and I was talking to her\n she was doing all the decorating" - } - }, - { - "from_name": "actions", - "id": "QOFjrQQG_1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "329", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "328", - "startOffset": 0, - "text": " I mean\n what was I gonna do." - } - }, - { - "from_name": "actions", - "id": "HLvANocKGX", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "333", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "330", - "startOffset": 1, - "text": "I mean\n she was just putting up the balls and everything and\n she'd say where\n where do you think this should go and" - } - }, - { - "from_name": "taxonomySustain", - "id": "HLvANocKGX", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Elaborate" - ], - "end": "333", - "endOffset": 38, - "start": "330", - "startOffset": 1, - "text": "I mean\n she was just putting up the balls and everything and\n she'd say where\n where do you think this should go and" - } - }, - { - "from_name": "actions", - "id": "gSOZAKpvLD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "334", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "334", - "startOffset": 0, - "text": " so I was sitting there doing my Welfare application." - } - }, - { - "from_name": "taxonomySustain", - "id": "gSOZAKpvLD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "334", - "endOffset": 53, - "start": "334", - "startOffset": 0, - "text": " so I was sitting there doing my Welfare application." - } - }, - { - "from_name": "actions", - "id": "Nl9_n6XrKj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "337", - "endOffset": 50, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "335", - "startOffset": 0, - "text": " And uh\n you know I was just sitting there watching her\n telling her where to put everything and what not." - } - }, - { - "from_name": "taxonomySustain", - "id": "Nl9_n6XrKj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "337", - "endOffset": 50, - "start": "335", - "startOffset": 0, - "text": " And uh\n you know I was just sitting there watching her\n telling her where to put everything and what not." - } - }, - { - "from_name": "actions", - "id": "R6dWVM7rvZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "338", - "endOffset": 42, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "338", - "startOffset": 1, - "text": "Did you know Nickie wanted her own tree ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "R6dWVM7rvZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "338", - "endOffset": 42, - "start": "338", - "startOffset": 1, - "text": "Did you know Nickie wanted her own tree ?" - } - }, - { - "from_name": "actions", - "id": "CjZeK99UnO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "339", - "endOffset": 6, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "339", - "startOffset": 0, - "text": " Yes ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "CjZeK99UnO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "339", - "endOffset": 6, - "start": "339", - "startOffset": 0, - "text": " Yes ?" - } - }, - { - "from_name": "actions", - "id": "AYqXhzzkJV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "340", - "endOffset": 28, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "340", - "startOffset": 1, - "text": "And I forgot to bring it in" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "AYqXhzzkJV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "340", - "endOffset": 28, - "start": "340", - "startOffset": 1, - "text": "And I forgot to bring it in" - } - }, - { - "from_name": "actions", - "id": "fONDSWP5EH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "341", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "341", - "startOffset": 0, - "text": " it's outside ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "fONDSWP5EH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "341", - "endOffset": 15, - "start": "341", - "startOffset": 0, - "text": " it's outside ?" - } - }, - { - "from_name": "actions", - "id": "wN5pCidjzp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "342", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "342", - "startOffset": 1, - "text": "What are you gonna do with it." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "wN5pCidjzp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "342", - "endOffset": 31, - "start": "342", - "startOffset": 1, - "text": "What are you gonna do with it." - } - }, - { - "from_name": "actions", - "id": "2WmmDRN1JI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "343", - "endOffset": 40, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "343", - "startOffset": 0, - "text": " She wants to set it up for her Barbies." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "2WmmDRN1JI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Elaborate" - ], - "end": "343", - "endOffset": 40, - "start": "343", - "startOffset": 0, - "text": " She wants to set it up for her Barbies." - } - }, - { - "from_name": "actions", - "id": "uXB6d2IKE8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "344", - "endOffset": 59, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "344", - "startOffset": 0, - "text": " I was just gonna use tin can and put rocks in the bottom ?" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "uXB6d2IKE8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "344", - "endOffset": 59, - "start": "344", - "startOffset": 0, - "text": " I was just gonna use tin can and put rocks in the bottom ?" - } - }, - { - "from_name": "actions", - "id": "UdJZH-8Whg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "345", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "345", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "UdJZH-8Whg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "345", - "endOffset": 5, - "start": "345", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "3EGV7saWCu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "346", - "endOffset": 28, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "346", - "startOffset": 1, - "text": "And just stick it in there." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "3EGV7saWCu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "346", - "endOffset": 28, - "start": "346", - "startOffset": 1, - "text": "And just stick it in there." - } - }, - { - "from_name": "actions", - "id": "TO8wvhd05H", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "347", - "endOffset": 26, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "347", - "startOffset": 0, - "text": " And you know what I did ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "TO8wvhd05H", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "347", - "endOffset": 26, - "start": "347", - "startOffset": 0, - "text": " And you know what I did ?" - } - }, - { - "from_name": "actions", - "id": "jOZrS3ER2Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "348", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "348", - "startOffset": 1, - "text": "Hm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jOZrS3ER2Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "348", - "endOffset": 4, - "start": "348", - "startOffset": 1, - "text": "Hm." - } - }, - { - "from_name": "actions", - "id": "lnF5T4CVhS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "349", - "endOffset": 36, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "349", - "startOffset": 0, - "text": " I didn't want to waste tree's life." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "lnF5T4CVhS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "349", - "endOffset": 36, - "start": "349", - "startOffset": 0, - "text": " I didn't want to waste tree's life." - } - }, - { - "from_name": "actions", - "id": "BDApBIvT7Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "351", - "endOffset": 30, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "351", - "startOffset": 1, - "text": "so I just cut branch off one." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "BDApBIvT7Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "351", - "endOffset": 30, - "start": "351", - "startOffset": 1, - "text": "so I just cut branch off one." - } - }, - { - "from_name": "actions", - "id": "AyC7E6265v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "353", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "352", - "startOffset": 1, - "text": "God\n I fell up there." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "AyC7E6265v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "353", - "endOffset": 17, - "start": "352", - "startOffset": 1, - "text": "God\n I fell up there." - } - }, - { - "from_name": "actions", - "id": "NRr2T6jlvv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "356", - "endOffset": 11, - "paragraphlabels": [ - "Open" - ], - "start": "355", - "startOffset": 1, - "text": "Where'd you go.\n to get em." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "NRr2T6jlvv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "356", - "endOffset": 11, - "start": "355", - "startOffset": 1, - "text": "Where'd you go.\n to get em." - } - }, - { - "from_name": "taxonomyOpen", - "id": "NRr2T6jlvv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "356", - "endOffset": 11, - "start": "355", - "startOffset": 1, - "text": "Where'd you go.\n to get em." - } - }, - { - "from_name": "actions", - "id": "kUM7idl3ti", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "357", - "endOffset": 39, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "357", - "startOffset": 1, - "text": "You know where Sarah and Arvela live ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "kUM7idl3ti", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "357", - "endOffset": 39, - "start": "357", - "startOffset": 1, - "text": "You know where Sarah and Arvela live ?" - } - }, - { - "from_name": "actions", - "id": "klevp4QPCu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "358", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "358", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "klevp4QPCu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "358", - "endOffset": 5, - "start": "358", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "-To0tt9mmS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "359", - "endOffset": 24, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "359", - "startOffset": 1, - "text": "Just around the corner." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-To0tt9mmS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "359", - "endOffset": 24, - "start": "359", - "startOffset": 1, - "text": "Just around the corner." - } - }, - { - "from_name": "actions", - "id": "p1ou9kOSDB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "360", - "endOffset": 47, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "360", - "startOffset": 0, - "text": " Remember that first cattle guard you go over ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "p1ou9kOSDB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "360", - "endOffset": 47, - "start": "360", - "startOffset": 0, - "text": " Remember that first cattle guard you go over ?" - } - }, - { - "from_name": "actions", - "id": "C9AhMeM-El", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "361", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "361", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "C9AhMeM-El", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "361", - "endOffset": 8, - "start": "361", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "MN8M6WCrYn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "362", - "endOffset": 28, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "362", - "startOffset": 0, - "text": " I didn't even go over that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "MN8M6WCrYn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "362", - "endOffset": 28, - "start": "362", - "startOffset": 0, - "text": " I didn't even go over that." - } - }, - { - "from_name": "actions", - "id": "GpQkJh7GEy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "365", - "endOffset": 16, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "363", - "startOffset": 0, - "text": " You mean\n kinda like by the.\n by the tunnel ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GpQkJh7GEy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "365", - "endOffset": 16, - "start": "363", - "startOffset": 0, - "text": " You mean\n kinda like by the.\n by the tunnel ?" - } - }, - { - "from_name": "actions", - "id": "RfNuZ-zwug", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "366", - "endOffset": 24, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "366", - "startOffset": 0, - "text": " Right below the tunnel." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "RfNuZ-zwug", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "366", - "endOffset": 24, - "start": "366", - "startOffset": 0, - "text": " Right below the tunnel." - } - }, - { - "from_name": "actions", - "id": "nSZJu-y1nh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "367", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "367", - "startOffset": 1, - "text": "Oh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nSZJu-y1nh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "367", - "endOffset": 4, - "start": "367", - "startOffset": 1, - "text": "Oh." - } - }, - { - "from_name": "actions", - "id": "a0hI7HsudK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "368", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "368", - "startOffset": 1, - "text": "And I just walked up." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "a0hI7HsudK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "368", - "endOffset": 22, - "start": "368", - "startOffset": 1, - "text": "And I just walked up." - } - }, - { - "from_name": "actions", - "id": "RRGM2O9PhM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "370", - "endOffset": 10, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "369", - "startOffset": 1, - "text": "We just walked up around uh\n that area" - } - }, - { - "from_name": "taxonomySustain", - "id": "RRGM2O9PhM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "370", - "endOffset": 10, - "start": "369", - "startOffset": 1, - "text": "We just walked up around uh\n that area" - } - }, - { - "from_name": "actions", - "id": "p21MIptjAP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "371", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "371", - "startOffset": 0, - "text": " God Alice that was fun." - } - }, - { - "from_name": "taxonomySustain", - "id": "p21MIptjAP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "371", - "endOffset": 24, - "start": "371", - "startOffset": 0, - "text": " God Alice that was fun." - } - }, - { - "from_name": "actions", - "id": "3ZX-n40-wg", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "372", - "endOffset": 31, - "paragraphlabels": [ - "Open" - ], - "start": "372", - "startOffset": 1, - "text": "Did you get grandma tree too ?" - } - }, - { - "from_name": "taxonomyOpen", - "id": "3ZX-n40-wg", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Fact" - ], - "end": "372", - "endOffset": 31, - "start": "372", - "startOffset": 1, - "text": "Did you get grandma tree too ?" - } - }, - { - "from_name": "actions", - "id": "3hFs7QsZ41", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "373", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "373", - "startOffset": 0, - "text": " Hunhunh." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "3hFs7QsZ41", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disagree" - ], - "end": "373", - "endOffset": 9, - "start": "373", - "startOffset": 0, - "text": " Hunhunh." - } - }, - { - "from_name": "actions", - "id": "5X09Z8QnvD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "374", - "endOffset": 28, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "374", - "startOffset": 0, - "text": " Does she already have one ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "5X09Z8QnvD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "374", - "endOffset": 28, - "start": "374", - "startOffset": 0, - "text": " Does she already have one ?" - } - }, - { - "from_name": "actions", - "id": "8Lzl7ZoFV3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "376", - "endOffset": 40, - "paragraphlabels": [ - "Open" - ], - "start": "375", - "startOffset": 0, - "text": " Hmm.\n That pickup could only hold like three." - } - }, - { - "from_name": "taxonomyOpen", - "id": "8Lzl7ZoFV3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "376", - "endOffset": 40, - "start": "375", - "startOffset": 0, - "text": " Hmm.\n That pickup could only hold like three." - } - }, - { - "from_name": "actions", - "id": "KIp7VOwe-f", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "378", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "377", - "startOffset": 1, - "text": "Mm.\n I wonder why." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "KIp7VOwe-f", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "378", - "endOffset": 14, - "start": "377", - "startOffset": 1, - "text": "Mm.\n I wonder why." - } - }, - { - "from_name": "actions", - "id": "yXpj3V4Vjt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "379", - "endOffset": 40, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "379", - "startOffset": 0, - "text": " Did daddy say to take the pickup back ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "yXpj3V4Vjt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "379", - "endOffset": 40, - "start": "379", - "startOffset": 0, - "text": " Did daddy say to take the pickup back ?" - } - }, - { - "from_name": "actions", - "id": "KplDeubWbo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "380", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "380", - "startOffset": 0, - "text": " Or what was the deal." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "KplDeubWbo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "380", - "endOffset": 22, - "start": "380", - "startOffset": 0, - "text": " Or what was the deal." - } - }, - { - "from_name": "actions", - "id": "4tPFhMmIRw", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "382", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "381", - "startOffset": 1, - "text": "Yeah.\n Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "4tPFhMmIRw", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "382", - "endOffset": 6, - "start": "381", - "startOffset": 1, - "text": "Yeah.\n Yeah." - } - }, - { - "from_name": "actions", - "id": "-ueHYmxlxf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "383", - "endOffset": 5, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "383", - "startOffset": 0, - "text": " Why." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-ueHYmxlxf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "383", - "endOffset": 5, - "start": "383", - "startOffset": 0, - "text": " Why." - } - }, - { - "from_name": "actions", - "id": "dzbh8rmZmA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "384", - "endOffset": 23, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "384", - "startOffset": 1, - "text": "Cause Phoebe needs it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "dzbh8rmZmA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "384", - "endOffset": 23, - "start": "384", - "startOffset": 1, - "text": "Cause Phoebe needs it." - } - }, - { - "from_name": "actions", - "id": "mL44qTRGwG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "385", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "385", - "startOffset": 1, - "text": "What's wrong with the car." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "mL44qTRGwG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "385", - "endOffset": 27, - "start": "385", - "startOffset": 1, - "text": "What's wrong with the car." - } - }, - { - "from_name": "actions", - "id": "jJj5JHwb0Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "388", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "387", - "startOffset": 1, - "text": "Oh\n you didn't hear about it ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "jJj5JHwb0Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "388", - "endOffset": 27, - "start": "387", - "startOffset": 1, - "text": "Oh\n you didn't hear about it ?" - } - }, - { - "from_name": "actions", - "id": "Dp0XdwfKUo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "389", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "389", - "startOffset": 1, - "text": "Hunhunh." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "Dp0XdwfKUo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "389", - "endOffset": 9, - "start": "389", - "startOffset": 1, - "text": "Hunhunh." - } - }, - { - "from_name": "actions", - "id": "9DncyF7gfp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "392", - "endOffset": 35, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "390", - "startOffset": 0, - "text": " Oh\n you did\n about how the engine was on fire ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "9DncyF7gfp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "392", - "endOffset": 35, - "start": "390", - "startOffset": 0, - "text": " Oh\n you did\n about how the engine was on fire ?" - } - }, - { - "from_name": "actions", - "id": "UGO4j3M9nz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "395", - "endOffset": 34, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "394", - "startOffset": 1, - "text": "See there was oil spilling out\n leaking out from the valve cover." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "UGO4j3M9nz", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "395", - "endOffset": 34, - "start": "394", - "startOffset": 1, - "text": "See there was oil spilling out\n leaking out from the valve cover." - } - }, - { - "from_name": "actions", - "id": "9B42CH1hoS", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "393", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "393", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "9B42CH1hoS", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "393", - "endOffset": 5, - "start": "393", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "woNnsFZc0K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "396", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "396", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "woNnsFZc0K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "396", - "endOffset": 5, - "start": "396", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "xLYWM8wWjl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "399", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "397", - "startOffset": 1, - "text": "The valve cover gasket apparently cracked or whatever\n and there was oil coming out\n and the oil got hot" - } - }, - { - "from_name": "taxonomySustain", - "id": "xLYWM8wWjl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "399", - "endOffset": 20, - "start": "397", - "startOffset": 1, - "text": "The valve cover gasket apparently cracked or whatever\n and there was oil coming out\n and the oil got hot" - } - }, - { - "from_name": "actions", - "id": "hiiv6CMQrO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "400", - "endOffset": 42, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "400", - "startOffset": 1, - "text": "and you know how it gets hot and smokes ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "hiiv6CMQrO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "400", - "endOffset": 42, - "start": "400", - "startOffset": 1, - "text": "and you know how it gets hot and smokes ?" - } - }, - { - "from_name": "actions", - "id": "jX5z3HtxSL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "401", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "401", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "jX5z3HtxSL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "401", - "endOffset": 5, - "start": "401", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "Vdq6UEVglo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "405", - "endOffset": 28, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "402", - "startOffset": 1, - "text": "Well\n I guess enough came out\n because we were losing oil bad\n going from Billings to Crow" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "Vdq6UEVglo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "405", - "endOffset": 28, - "start": "402", - "startOffset": 1, - "text": "Well\n I guess enough came out\n because we were losing oil bad\n going from Billings to Crow" - } - }, - { - "from_name": "actions", - "id": "y3E3L63QXr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "407", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "406", - "startOffset": 1, - "text": "um\n there's lot of..." - } - }, - { - "from_name": "taxonomySustain", - "id": "y3E3L63QXr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "407", - "endOffset": 18, - "start": "406", - "startOffset": 1, - "text": "um\n there's lot of..." - } - }, - { - "from_name": "actions", - "id": "yvdCiWrAm-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "409", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "409", - "startOffset": 1, - "text": "smoke coming out" - } - }, - { - "from_name": "taxonomySustain", - "id": "yvdCiWrAm-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "409", - "endOffset": 17, - "start": "409", - "startOffset": 1, - "text": "smoke coming out" - } - }, - { - "from_name": "actions", - "id": "yzN5v2wHWH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "412", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "410", - "startOffset": 1, - "text": "and by the time we got to Hardin\n we had to put like uh\n three or four quarts in." - } - }, - { - "from_name": "taxonomySustain", - "id": "yzN5v2wHWH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "412", - "endOffset": 25, - "start": "410", - "startOffset": 1, - "text": "and by the time we got to Hardin\n we had to put like uh\n three or four quarts in." - } - }, - { - "from_name": "actions", - "id": "yeZ1WhEIV1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "413", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "413", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "yeZ1WhEIV1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "413", - "endOffset": 8, - "start": "413", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "XmqIu9Tzdd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "414", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "414", - "startOffset": 1, - "text": "It was three." - } - }, - { - "from_name": "taxonomySustain", - "id": "XmqIu9Tzdd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "414", - "endOffset": 14, - "start": "414", - "startOffset": 1, - "text": "It was three." - } - }, - { - "from_name": "actions", - "id": "9CeO3xzOrc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "416", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "415", - "startOffset": 1, - "text": "And\n by the time we got to..." - } - }, - { - "from_name": "taxonomySustain", - "id": "9CeO3xzOrc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "416", - "endOffset": 25, - "start": "415", - "startOffset": 1, - "text": "And\n by the time we got to..." - } - }, - { - "from_name": "actions", - "id": "0xR3N9KCtj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "420", - "endOffset": 22, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "418", - "startOffset": 0, - "text": " Crow\n it was\n it was one quart low." - } - }, - { - "from_name": "taxonomySustain", - "id": "0xR3N9KCtj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "420", - "endOffset": 22, - "start": "418", - "startOffset": 0, - "text": " Crow\n it was\n it was one quart low." - } - }, - { - "from_name": "actions", - "id": "np2E66HxzD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "421", - "endOffset": 55, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "421", - "startOffset": 1, - "text": "And there was smoke still coming from under the engine" - } - }, - { - "from_name": "taxonomySustain", - "id": "np2E66HxzD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "421", - "endOffset": 55, - "start": "421", - "startOffset": 1, - "text": "And there was smoke still coming from under the engine" - } - }, - { - "from_name": "actions", - "id": "OKsg03vkpc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "423", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "422", - "startOffset": 0, - "text": " I figure if it was losing that much oil\n then it caught fire." - } - }, - { - "from_name": "taxonomySustain", - "id": "OKsg03vkpc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "423", - "endOffset": 21, - "start": "422", - "startOffset": 0, - "text": " I figure if it was losing that much oil\n then it caught fire." - } - }, - { - "from_name": "actions", - "id": "8qojvVD8xN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "424", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "424", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "8qojvVD8xN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "424", - "endOffset": 5, - "start": "424", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "5SWDrfb-qk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "426", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "425", - "startOffset": 0, - "text": " Cause the engine was hot\n cause there wasn't enough water in the radiator." - } - }, - { - "from_name": "taxonomySustain", - "id": "5SWDrfb-qk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "426", - "endOffset": 49, - "start": "425", - "startOffset": 0, - "text": " Cause the engine was hot\n cause there wasn't enough water in the radiator." - } - }, - { - "from_name": "actions", - "id": "U-5y26dyH0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "427", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "427", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "U-5y26dyH0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "427", - "endOffset": 5, - "start": "427", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "OFDTTnpiYu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "433", - "endOffset": 44, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "428", - "startOffset": 0, - "text": " I talked to Oscar about it\n and he said\n well I checked\n it was only\n it was only about\n I'd say half quart to quart short of water." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "OFDTTnpiYu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "433", - "endOffset": 44, - "start": "428", - "startOffset": 0, - "text": " I talked to Oscar about it\n and he said\n well I checked\n it was only\n it was only about\n I'd say half quart to quart short of water." - } - }, - { - "from_name": "taxonomySustain", - "id": "OFDTTnpiYu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "433", - "endOffset": 44, - "start": "428", - "startOffset": 0, - "text": " I talked to Oscar about it\n and he said\n well I checked\n it was only\n it was only about\n I'd say half quart to quart short of water." - } - }, - { - "from_name": "actions", - "id": "DwMS6urNkY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "434", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "434", - "startOffset": 1, - "text": "But that shouldn't make any difference." - } - }, - { - "from_name": "taxonomySustain", - "id": "DwMS6urNkY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "434", - "endOffset": 40, - "start": "434", - "startOffset": 1, - "text": "But that shouldn't make any difference." - } - }, - { - "from_name": "actions", - "id": "4dNfMo_5HE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "436", - "endOffset": 40, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "435", - "startOffset": 1, - "text": "He goes the only thing I can think of\n is that there was an air lock in there." - } - }, - { - "from_name": "taxonomySustain", - "id": "4dNfMo_5HE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "436", - "endOffset": 40, - "start": "435", - "startOffset": 1, - "text": "He goes the only thing I can think of\n is that there was an air lock in there." - } - }, - { - "from_name": "actions", - "id": "8bQwI3UuUf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "438", - "endOffset": 50, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "438", - "startOffset": 1, - "text": "And that running the engine out on the open road " - } - }, - { - "from_name": "taxonomySustain", - "id": "8bQwI3UuUf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "438", - "endOffset": 50, - "start": "438", - "startOffset": 1, - "text": "And that running the engine out on the open road " - } - }, - { - "from_name": "actions", - "id": "PCl3Kl3pF-", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "439", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "439", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "PCl3Kl3pF-", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "439", - "endOffset": 5, - "start": "439", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "ZFJ_k8aXez", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "441", - "endOffset": 16, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "440", - "startOffset": 1, - "text": "Caused that air lock to come through.\n flushed it out." - } - }, - { - "from_name": "taxonomySustain", - "id": "ZFJ_k8aXez", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "441", - "endOffset": 16, - "start": "440", - "startOffset": 1, - "text": "Caused that air lock to come through.\n flushed it out." - } - }, - { - "from_name": "actions", - "id": "LfMjy6wbfW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "442", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "442", - "startOffset": 1, - "text": "And bust the gasket ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "LfMjy6wbfW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "442", - "endOffset": 22, - "start": "442", - "startOffset": 1, - "text": "And bust the gasket ?" - } - }, - { - "from_name": "actions", - "id": "zWPN0VnQ38", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "444", - "endOffset": 25, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "443", - "startOffset": 0, - "text": " No\n it would more or less um" - } - }, - { - "from_name": "actions", - "id": "VqbKLvS6rv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "445", - "endOffset": 42, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "445", - "startOffset": 0, - "text": " the engine wasn't being kept cool enough." - } - }, - { - "from_name": "taxonomySustain", - "id": "VqbKLvS6rv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "445", - "endOffset": 42, - "start": "445", - "startOffset": 0, - "text": " the engine wasn't being kept cool enough." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "VqbKLvS6rv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "445", - "endOffset": 42, - "start": "445", - "startOffset": 0, - "text": " the engine wasn't being kept cool enough." - } - }, - { - "from_name": "actions", - "id": "TMeaGpR7Dy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "446", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "446", - "startOffset": 0, - "text": " Cause there wasn't enough fluid in the radiator." - } - }, - { - "from_name": "taxonomySustain", - "id": "TMeaGpR7Dy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "446", - "endOffset": 49, - "start": "446", - "startOffset": 0, - "text": " Cause there wasn't enough fluid in the radiator." - } - }, - { - "from_name": "actions", - "id": "8PLVQo2fHy", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "451", - "endOffset": 48, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "449", - "startOffset": 0, - "text": " And\n you know how the radiator's\n the pipe's close to other parts of the engine ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "8PLVQo2fHy", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "451", - "endOffset": 48, - "start": "449", - "startOffset": 0, - "text": " And\n you know how the radiator's\n the pipe's close to other parts of the engine ?" - } - }, - { - "from_name": "actions", - "id": "SHRe7l1nLR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "452", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "452", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "SHRe7l1nLR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "452", - "endOffset": 6, - "start": "452", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "VIhrQKuNaV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "453", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "453", - "startOffset": 1, - "text": "So what..." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "VIhrQKuNaV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "453", - "endOffset": 11, - "start": "453", - "startOffset": 1, - "text": "So what..." - } - }, - { - "from_name": "actions", - "id": "JSBV_WZ9q1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "454", - "endOffset": 27, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "454", - "startOffset": 0, - "text": " It was some part in there." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "JSBV_WZ9q1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "454", - "endOffset": 27, - "start": "454", - "startOffset": 0, - "text": " It was some part in there." - } - }, - { - "from_name": "actions", - "id": "tIegOm3bSq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "455", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "455", - "startOffset": 1, - "text": "caused the fire." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "tIegOm3bSq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "455", - "endOffset": 17, - "start": "455", - "startOffset": 1, - "text": "caused the fire." - } - }, - { - "from_name": "actions", - "id": "CiHdCuf1HL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "457", - "endOffset": 21, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "456", - "startOffset": 1, - "text": "The engine being too hot\n and the oil leaking." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "CiHdCuf1HL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "457", - "endOffset": 21, - "start": "456", - "startOffset": 1, - "text": "The engine being too hot\n and the oil leaking." - } - }, - { - "from_name": "actions", - "id": "d5yH5jfC3q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "458", - "endOffset": 38, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "458", - "startOffset": 1, - "text": "So he knew that the oil was leaking ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "d5yH5jfC3q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "458", - "endOffset": 38, - "start": "458", - "startOffset": 1, - "text": "So he knew that the oil was leaking ?" - } - }, - { - "from_name": "actions", - "id": "1F0P1ytOqW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "459", - "endOffset": 3, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "459", - "startOffset": 1, - "text": "No" - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "1F0P1ytOqW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Decline" - ], - "end": "459", - "endOffset": 3, - "start": "459", - "startOffset": 1, - "text": "No" - } - }, - { - "from_name": "actions", - "id": "F7H55AGiA_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "461", - "endOffset": 26, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "460", - "startOffset": 0, - "text": " we knew we were losing oil\n but we didn't know where." - } - }, - { - "from_name": "taxonomySustain", - "id": "F7H55AGiA_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "461", - "endOffset": 26, - "start": "460", - "startOffset": 0, - "text": " we knew we were losing oil\n but we didn't know where." - } - }, - { - "from_name": "actions", - "id": "QVLoLqOYlC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "462", - "endOffset": 52, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "462", - "startOffset": 1, - "text": "I just figured it was from that valve cover gasket." - } - }, - { - "from_name": "taxonomySustain", - "id": "QVLoLqOYlC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "462", - "endOffset": 52, - "start": "462", - "startOffset": 1, - "text": "I just figured it was from that valve cover gasket." - } - }, - { - "from_name": "actions", - "id": "GJ3TlOleKt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "463", - "endOffset": 49, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "463", - "startOffset": 1, - "text": "Just from lifting up the hood and looking at it." - } - }, - { - "from_name": "taxonomySustain", - "id": "GJ3TlOleKt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "463", - "endOffset": 49, - "start": "463", - "startOffset": 1, - "text": "Just from lifting up the hood and looking at it." - } - }, - { - "from_name": "actions", - "id": "sJG1S6Lc1v", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "464", - "endOffset": 23, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "464", - "startOffset": 1, - "text": "So what's he gonna do." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "sJG1S6Lc1v", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "464", - "endOffset": 23, - "start": "464", - "startOffset": 1, - "text": "So what's he gonna do." - } - }, - { - "from_name": "actions", - "id": "xlPUijB6dq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "466", - "endOffset": 22, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "465", - "startOffset": 1, - "text": "Well\n ʔand two of his wires" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "xlPUijB6dq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "466", - "endOffset": 22, - "start": "465", - "startOffset": 1, - "text": "Well\n ʔand two of his wires" - } - }, - { - "from_name": "actions", - "id": "BWKQoiyOmW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "467", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "467", - "startOffset": 0, - "text": " the sparkplug wires ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "BWKQoiyOmW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "467", - "endOffset": 22, - "start": "467", - "startOffset": 0, - "text": " the sparkplug wires ?" - } - }, - { - "from_name": "actions", - "id": "V8K8ftjH3w", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "468", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "468", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "V8K8ftjH3w", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "468", - "endOffset": 8, - "start": "468", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "NsGnuB-B0D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "469", - "endOffset": 32, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "469", - "startOffset": 0, - "text": " were fried all the way through." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "NsGnuB-B0D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "469", - "endOffset": 32, - "start": "469", - "startOffset": 0, - "text": " were fried all the way through." - } - }, - { - "from_name": "actions", - "id": "4dP-O-yXK6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "470", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "470", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "4dP-O-yXK6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "470", - "endOffset": 8, - "start": "470", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "93fFLFofJa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "472", - "endOffset": 52, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "471", - "startOffset": 1, - "text": "So we took those off and we\n replaced them with some old ones out of the garage." - } - }, - { - "from_name": "taxonomySustain", - "id": "93fFLFofJa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "472", - "endOffset": 52, - "start": "471", - "startOffset": 1, - "text": "So we took those off and we\n replaced them with some old ones out of the garage." - } - }, - { - "from_name": "actions", - "id": "ICoGuUAKsU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "473", - "endOffset": 13, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "473", - "startOffset": 0, - "text": " I knew that." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ICoGuUAKsU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "473", - "endOffset": 13, - "start": "473", - "startOffset": 0, - "text": " I knew that." - } - }, - { - "from_name": "actions", - "id": "7ab3wC-rk8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "475", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "474", - "startOffset": 1, - "text": "And it runs.\n It runs." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7ab3wC-rk8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "475", - "endOffset": 9, - "start": "474", - "startOffset": 1, - "text": "And it runs.\n It runs." - } - }, - { - "from_name": "actions", - "id": "uGS2HjB5JE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "477", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "476", - "startOffset": 0, - "text": " There's enough uh\n radiator fluid in there." - } - }, - { - "from_name": "taxonomySustain", - "id": "uGS2HjB5JE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "477", - "endOffset": 25, - "start": "476", - "startOffset": 0, - "text": " There's enough uh\n radiator fluid in there." - } - }, - { - "from_name": "actions", - "id": "t1RWjHWDBY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "478", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "478", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "t1RWjHWDBY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "478", - "endOffset": 5, - "start": "478", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "eD_pVPv5vV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "480", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "479", - "startOffset": 0, - "text": " so that it will\n It's it's enough." - } - }, - { - "from_name": "taxonomySustain", - "id": "eD_pVPv5vV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "480", - "endOffset": 18, - "start": "479", - "startOffset": 0, - "text": " so that it will\n It's it's enough." - } - }, - { - "from_name": "actions", - "id": "ESqhcd-kXA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "481", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "481", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ESqhcd-kXA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "481", - "endOffset": 5, - "start": "481", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "-P_evDKLgG", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "483", - "endOffset": 46, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "482", - "startOffset": 1, - "text": "But I think running it out on the open road\n will cause it possibly to shoot more oil out." - } - }, - { - "from_name": "taxonomySustain", - "id": "-P_evDKLgG", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "483", - "endOffset": 46, - "start": "482", - "startOffset": 1, - "text": "But I think running it out on the open road\n will cause it possibly to shoot more oil out." - } - }, - { - "from_name": "actions", - "id": "jQOXeaQU7E", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "484", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "484", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jQOXeaQU7E", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "484", - "endOffset": 5, - "start": "484", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "DzRhW7bxxE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "485", - "endOffset": 44, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "485", - "startOffset": 1, - "text": "That valve cover gasket has to be replaced." - } - }, - { - "from_name": "taxonomySustain", - "id": "DzRhW7bxxE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "485", - "endOffset": 44, - "start": "485", - "startOffset": 1, - "text": "That valve cover gasket has to be replaced." - } - }, - { - "from_name": "actions", - "id": "yRPrH2X261", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "488", - "endOffset": 14, - "paragraphlabels": [ - "Open.Attend" - ], - "start": "488", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "actions", - "id": "8WXuwyAFy8", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "491", - "endOffset": 18, - "paragraphlabels": [ - "Open" - ], - "start": "489", - "startOffset": 1, - "text": "Oh I freaked Cookie and\n Rita and\n Gary out tonight." - } - }, - { - "from_name": "taxonomyOpen", - "id": "8WXuwyAFy8", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Give.Opinion" - ], - "end": "491", - "endOffset": 18, - "start": "489", - "startOffset": 1, - "text": "Oh I freaked Cookie and\n Rita and\n Gary out tonight." - } - }, - { - "from_name": "actions", - "id": "JN45S4jt2L", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "492", - "endOffset": 39, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "492", - "startOffset": 1, - "text": "Remember the Plainfeather uh Claypit ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "JN45S4jt2L", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "492", - "endOffset": 39, - "start": "492", - "startOffset": 1, - "text": "Remember the Plainfeather uh Claypit ?" - } - }, - { - "from_name": "actions", - "id": "8vQa3nt1FZ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "493", - "endOffset": 25, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "493", - "startOffset": 0, - "text": " where that red clay is ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "8vQa3nt1FZ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "493", - "endOffset": 25, - "start": "493", - "startOffset": 0, - "text": " where that red clay is ?" - } - }, - { - "from_name": "actions", - "id": "Dlrh9f_f3I", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "494", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "494", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "Dlrh9f_f3I", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "494", - "endOffset": 5, - "start": "494", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "lDJA7n9Jmd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "495", - "endOffset": 13, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "495", - "startOffset": 0, - "text": " Right there." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "lDJA7n9Jmd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "495", - "endOffset": 13, - "start": "495", - "startOffset": 0, - "text": " Right there." - } - }, - { - "from_name": "actions", - "id": "Ghfipu1l4Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "496", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "496", - "startOffset": 1, - "text": "I saw my my speedometer just go Brr." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ghfipu1l4Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "496", - "endOffset": 37, - "start": "496", - "startOffset": 1, - "text": "I saw my my speedometer just go Brr." - } - }, - { - "from_name": "actions", - "id": "L-pGgF2dFl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "497", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "497", - "startOffset": 0, - "text": " like that just down." - } - }, - { - "from_name": "taxonomySustain", - "id": "L-pGgF2dFl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "497", - "endOffset": 21, - "start": "497", - "startOffset": 0, - "text": " like that just down." - } - }, - { - "from_name": "actions", - "id": "gvEAGHrnuF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "499", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "498", - "startOffset": 1, - "text": "You know\n and I knew exactly what it was." - } - }, - { - "from_name": "taxonomySustain", - "id": "gvEAGHrnuF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "499", - "endOffset": 32, - "start": "498", - "startOffset": 1, - "text": "You know\n and I knew exactly what it was." - } - }, - { - "from_name": "actions", - "id": "np0MXTI7QT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "502", - "endOffset": 42, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "500", - "startOffset": 1, - "text": "What I have to do\n is take off the distributor wire\n and splice it in with the fuel pump wire." - } - }, - { - "from_name": "taxonomySustain", - "id": "np0MXTI7QT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "502", - "endOffset": 42, - "start": "500", - "startOffset": 1, - "text": "What I have to do\n is take off the distributor wire\n and splice it in with the fuel pump wire." - } - }, - { - "from_name": "actions", - "id": "q3iJtGc-GB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "503", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "503", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "q3iJtGc-GB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "503", - "endOffset": 5, - "start": "503", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "_PXK7nJgco", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "504", - "endOffset": 37, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "504", - "startOffset": 0, - "text": " Because my fuel pump is now electric" - } - }, - { - "from_name": "taxonomySustain", - "id": "_PXK7nJgco", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "504", - "endOffset": 37, - "start": "504", - "startOffset": 0, - "text": " Because my fuel pump is now electric" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "_PXK7nJgco", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "504", - "endOffset": 37, - "start": "504", - "startOffset": 0, - "text": " Because my fuel pump is now electric" - } - }, - { - "from_name": "actions", - "id": "zs9H5GfQyf", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "505", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "505", - "startOffset": 0, - "text": " Never used to be." - } - }, - { - "from_name": "taxonomySustain", - "id": "zs9H5GfQyf", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "505", - "endOffset": 18, - "start": "505", - "startOffset": 0, - "text": " Never used to be." - } - }, - { - "from_name": "actions", - "id": "qPzm2kc7yq", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "506", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "506", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "qPzm2kc7yq", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "506", - "endOffset": 5, - "start": "506", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "HJL-zxL9h9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "507", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "507", - "startOffset": 1, - "text": "Hand me that ashtray." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "HJL-zxL9h9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "507", - "endOffset": 22, - "start": "507", - "startOffset": 1, - "text": "Hand me that ashtray." - } - }, - { - "from_name": "actions", - "id": "VfW7-QQW2u", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "508", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "508", - "startOffset": 1, - "text": "Or your light" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "VfW7-QQW2u", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "508", - "endOffset": 14, - "start": "508", - "startOffset": 1, - "text": "Or your light" - } - }, - { - "from_name": "actions", - "id": "wD1zZD7Ozr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "510", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "509", - "startOffset": 1, - "text": "I mean.\n Your light." - } - }, - { - "from_name": "taxonomySustain", - "id": "wD1zZD7Ozr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Elaborate" - ], - "end": "510", - "endOffset": 12, - "start": "509", - "startOffset": 1, - "text": "I mean.\n Your light." - } - }, - { - "from_name": "actions", - "id": "354nI7ncxD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "511", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "511", - "startOffset": 1, - "text": "It's behind the sewing machine." - } - }, - { - "from_name": "taxonomySustain", - "id": "354nI7ncxD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "511", - "endOffset": 32, - "start": "511", - "startOffset": 1, - "text": "It's behind the sewing machine." - } - }, - { - "from_name": "actions", - "id": "1sOE6qk3Jk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "515", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "514", - "startOffset": 1, - "text": "And uh\n sometimes it gets loose." - } - }, - { - "from_name": "taxonomySustain", - "id": "1sOE6qk3Jk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "515", - "endOffset": 25, - "start": "514", - "startOffset": 1, - "text": "And uh\n sometimes it gets loose." - } - }, - { - "from_name": "actions", - "id": "sWe6U1BJdt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "517", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "517", - "startOffset": 0, - "text": " And no more fuel." - } - }, - { - "from_name": "taxonomySustain", - "id": "sWe6U1BJdt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "517", - "endOffset": 18, - "start": "517", - "startOffset": 0, - "text": " And no more fuel." - } - }, - { - "from_name": "actions", - "id": "eRbZzTSpCW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "518", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "518", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "eRbZzTSpCW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "518", - "endOffset": 8, - "start": "518", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "Swzcy_n-HW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "520", - "endOffset": 34, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "519", - "startOffset": 1, - "text": "So I stopped the car\n and they said what are you doing." - } - }, - { - "from_name": "taxonomySustain", - "id": "Swzcy_n-HW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "520", - "endOffset": 34, - "start": "519", - "startOffset": 1, - "text": "So I stopped the car\n and they said what are you doing." - } - }, - { - "from_name": "actions", - "id": "OmG4pukaCT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "523", - "endOffset": 32, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "521", - "startOffset": 1, - "text": "I said\n oh\n I gotta tighten this wire here." - } - }, - { - "from_name": "taxonomySustain", - "id": "OmG4pukaCT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "523", - "endOffset": 32, - "start": "521", - "startOffset": 1, - "text": "I said\n oh\n I gotta tighten this wire here." - } - }, - { - "from_name": "actions", - "id": "bPoN34Mlux", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "524", - "endOffset": 54, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "524", - "startOffset": 1, - "text": "So I had Cookie turn on the ignition and turn it off." - } - }, - { - "from_name": "taxonomySustain", - "id": "bPoN34Mlux", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "524", - "endOffset": 54, - "start": "524", - "startOffset": 1, - "text": "So I had Cookie turn on the ignition and turn it off." - } - }, - { - "from_name": "actions", - "id": "z-tsT3o_nn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "529", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "525", - "startOffset": 0, - "text": " So\n cause see\n once you turn that key on\n then you hear theʔ\n the fuel pump come on." - } - }, - { - "from_name": "taxonomySustain", - "id": "z-tsT3o_nn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "529", - "endOffset": 23, - "start": "525", - "startOffset": 0, - "text": " So\n cause see\n once you turn that key on\n then you hear theʔ\n the fuel pump come on." - } - }, - { - "from_name": "actions", - "id": "7A5kJZn16D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "530", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "530", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7A5kJZn16D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "530", - "endOffset": 5, - "start": "530", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "E7O3ekI1wY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "532", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "531", - "startOffset": 1, - "text": "And if the wire's not connected right\n it doesn't come on." - } - }, - { - "from_name": "taxonomySustain", - "id": "E7O3ekI1wY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "532", - "endOffset": 20, - "start": "531", - "startOffset": 1, - "text": "And if the wire's not connected right\n it doesn't come on." - } - }, - { - "from_name": "actions", - "id": "A5qsexxznV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "533", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "533", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "OMKBmhXJ8L", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "537", - "endOffset": 31, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "534", - "startOffset": 1, - "text": "So I did that\n and I lit match to find out where I was\n and\n after everything was hunkydory" - } - }, - { - "from_name": "actions", - "id": "Du1yZFR3Vz", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "542", - "endOffset": 60, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "538", - "startOffset": 1, - "text": "then I\n shut the hood\n and got back in\n and I started up the engine and\n both Gary and Rita were sitting on the edges of their seat." - } - }, - { - "from_name": "actions", - "id": "E6MifbyLhY", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "543", - "endOffset": 33, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "543", - "startOffset": 0, - "text": " And I turned around and I looked" - } - }, - { - "from_name": "taxonomySustain", - "id": "E6MifbyLhY", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "543", - "endOffset": 33, - "start": "543", - "startOffset": 0, - "text": " And I turned around and I looked" - } - }, - { - "from_name": "actions", - "id": "gNYeppM6_z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "545", - "endOffset": 23, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "544", - "startOffset": 0, - "text": " and I said\n did I scare you kids ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "gNYeppM6_z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "545", - "endOffset": 23, - "start": "544", - "startOffset": 0, - "text": " and I said\n did I scare you kids ?" - } - }, - { - "from_name": "actions", - "id": "GNKuuJ4t6h", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "546", - "endOffset": 27, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "546", - "startOffset": 1, - "text": "They wouldn't say anything" - } - }, - { - "from_name": "taxonomySustain", - "id": "GNKuuJ4t6h", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "546", - "endOffset": 27, - "start": "546", - "startOffset": 1, - "text": "They wouldn't say anything" - } - }, - { - "from_name": "actions", - "id": "Ljdyn0s-lP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "549", - "endOffset": 14, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "547", - "startOffset": 1, - "text": "then Gary goes\n yeah\n I was scared." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ljdyn0s-lP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "549", - "endOffset": 14, - "start": "547", - "startOffset": 1, - "text": "then Gary goes\n yeah\n I was scared." - } - }, - { - "from_name": "actions", - "id": "uLHfSpod-6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "563", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "560", - "startOffset": 0, - "text": " But oh man I don't know.\n See the thing about it is\n if I go after Ken\n I'm not really gonna have any money." - } - }, - { - "from_name": "taxonomySustain", - "id": "uLHfSpod-6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "563", - "endOffset": 37, - "start": "560", - "startOffset": 0, - "text": " But oh man I don't know.\n See the thing about it is\n if I go after Ken\n I'm not really gonna have any money." - } - }, - { - "from_name": "actions", - "id": "0E816T3GDC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "554", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "554", - "startOffset": 1, - "text": "But I freakedthemout" - } - }, - { - "from_name": "taxonomySustain", - "id": "0E816T3GDC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "554", - "endOffset": 21, - "start": "554", - "startOffset": 1, - "text": "But I freakedthemout" - } - }, - { - "from_name": "actions", - "id": "1Y0R3e6K8w", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "556", - "endOffset": 77, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "555", - "startOffset": 0, - "text": " I don't know.\n Then daddy said something about the steering column on my car needing work ?" - } - }, - { - "from_name": "taxonomySustain", - "id": "1Y0R3e6K8w", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Monitor" - ], - "end": "556", - "endOffset": 77, - "start": "555", - "startOffset": 0, - "text": " I don't know.\n Then daddy said something about the steering column on my car needing work ?" - } - }, - { - "from_name": "actions", - "id": "xWBVGn8TC6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "557", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "557", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "xWBVGn8TC6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "557", - "endOffset": 5, - "start": "557", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "aCuiwc5HEF", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "559", - "endOffset": 22, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "558", - "startOffset": 1, - "text": "Said long as I don't drive it fast\n it should be alright." - } - }, - { - "from_name": "taxonomySustain", - "id": "aCuiwc5HEF", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "559", - "endOffset": 22, - "start": "558", - "startOffset": 1, - "text": "Said long as I don't drive it fast\n it should be alright." - } - }, - { - "from_name": "actions", - "id": "szi8BC6MrU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "564", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "564", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "szi8BC6MrU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "564", - "endOffset": 5, - "start": "564", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "9hQf1viHtN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "567", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "565", - "startOffset": 0, - "text": " to um\n you know\n do things." - } - }, - { - "from_name": "taxonomySustain", - "id": "9hQf1viHtN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "567", - "endOffset": 11, - "start": "565", - "startOffset": 0, - "text": " to um\n you know\n do things." - } - }, - { - "from_name": "actions", - "id": "JLXdJuijBM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "570", - "endOffset": 37, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "568", - "startOffset": 0, - "text": " I'm not saying I'm gonna pay for everything\n but\n I don't want to be broke around him." - } - }, - { - "from_name": "taxonomySustain", - "id": "JLXdJuijBM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "570", - "endOffset": 37, - "start": "568", - "startOffset": 0, - "text": " I'm not saying I'm gonna pay for everything\n but\n I don't want to be broke around him." - } - }, - { - "from_name": "actions", - "id": "wcxNQfBHCv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "573", - "endOffset": 19, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "572", - "startOffset": 1, - "text": "I know\n that really sucks." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "wcxNQfBHCv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Acknowledge" - ], - "end": "573", - "endOffset": 19, - "start": "572", - "startOffset": 1, - "text": "I know\n that really sucks." - } - }, - { - "from_name": "actions", - "id": "Vk_8YuYGIK", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "574", - "endOffset": 54, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "574", - "startOffset": 1, - "text": "Cause I wanna at least be able to put gas in the car." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Vk_8YuYGIK", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "574", - "endOffset": 54, - "start": "574", - "startOffset": 1, - "text": "Cause I wanna at least be able to put gas in the car." - } - }, - { - "from_name": "actions", - "id": "8q7H5KiLvA", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "577", - "endOffset": 21, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "577", - "startOffset": 1, - "text": "and go do something." - } - }, - { - "from_name": "taxonomySustain", - "id": "8q7H5KiLvA", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "577", - "endOffset": 21, - "start": "577", - "startOffset": 1, - "text": "and go do something." - } - }, - { - "from_name": "actions", - "id": "Qgfyg70YN4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "578", - "endOffset": 72, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "578", - "startOffset": 0, - "text": " I don't think it's such good idea for you to go up there in the winter." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "Qgfyg70YN4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "578", - "endOffset": 72, - "start": "578", - "startOffset": 0, - "text": " I don't think it's such good idea for you to go up there in the winter." - } - }, - { - "from_name": "actions", - "id": "WyUeNXPOeU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "580", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "579", - "startOffset": 0, - "text": " Mm.\n I've been thinking about that." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "WyUeNXPOeU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Refute" - ], - "end": "580", - "endOffset": 31, - "start": "579", - "startOffset": 0, - "text": " Mm.\n I've been thinking about that." - } - }, - { - "from_name": "actions", - "id": "ddeeLSgC0x", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "581", - "endOffset": 42, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "581", - "startOffset": 0, - "text": " We should all get some money together and" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ddeeLSgC0x", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "581", - "endOffset": 42, - "start": "581", - "startOffset": 0, - "text": " We should all get some money together and" - } - }, - { - "from_name": "actions", - "id": "SksGPjdB2T", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "582", - "endOffset": 32, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "582", - "startOffset": 1, - "text": "is there any way he could like." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "SksGPjdB2T", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "582", - "endOffset": 32, - "start": "582", - "startOffset": 1, - "text": "is there any way he could like." - } - }, - { - "from_name": "actions", - "id": "l1I2ksxoIj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "584", - "endOffset": 38, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "584", - "startOffset": 0, - "text": " meet us in Great Falls or something ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "l1I2ksxoIj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "584", - "endOffset": 38, - "start": "584", - "startOffset": 0, - "text": " meet us in Great Falls or something ?" - } - }, - { - "from_name": "actions", - "id": "1FQkScUVLs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "586", - "endOffset": 3, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "585", - "startOffset": 1, - "text": "Cause I'd like to go up there and go to the\n um" - } - }, - { - "from_name": "taxonomySustain", - "id": "1FQkScUVLs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "586", - "endOffset": 3, - "start": "585", - "startOffset": 1, - "text": "Cause I'd like to go up there and go to the\n um" - } - }, - { - "from_name": "actions", - "id": "hyMC_MB5Ad", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "587", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "587", - "startOffset": 1, - "text": "Red Lobster ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "hyMC_MB5Ad", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "587", - "endOffset": 14, - "start": "587", - "startOffset": 1, - "text": "Red Lobster ?" - } - }, - { - "from_name": "actions", - "id": "XI4ktVFq1P", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "588", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "588", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "XI4ktVFq1P", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "588", - "endOffset": 9, - "start": "588", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "tCLn5D7ZeV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "589", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "589", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "tCLn5D7ZeV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "589", - "endOffset": 6, - "start": "589", - "startOffset": 0, - "text": " Yeah." - } - }, - { - "from_name": "actions", - "id": "ssYjAU-KK9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "591", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "590", - "startOffset": 0, - "text": " Cause I've been just\n craving seafood." - } - }, - { - "from_name": "taxonomySustain", - "id": "ssYjAU-KK9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "591", - "endOffset": 17, - "start": "590", - "startOffset": 0, - "text": " Cause I've been just\n craving seafood." - } - }, - { - "from_name": "actions", - "id": "gmzj_D8Lvv", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "593", - "endOffset": 16, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "592", - "startOffset": 1, - "text": "That's the halfway point\n he could do it." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gmzj_D8Lvv", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "593", - "endOffset": 16, - "start": "592", - "startOffset": 1, - "text": "That's the halfway point\n he could do it." - } - }, - { - "from_name": "actions", - "id": "JadzcagKQM", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "594", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "594", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "JadzcagKQM", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "594", - "endOffset": 6, - "start": "594", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "Fm2L0RFyWR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "597", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "597", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "Fm2L0RFyWR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "597", - "endOffset": 14, - "start": "597", - "startOffset": 0, - "text": " I don't know." - } - }, - { - "from_name": "actions", - "id": "5JMu6aJxZ3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "596", - "endOffset": 13, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "595", - "startOffset": 1, - "text": "I bet he could do it.\n When though." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "5JMu6aJxZ3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "596", - "endOffset": 13, - "start": "595", - "startOffset": 1, - "text": "I bet he could do it.\n When though." - } - }, - { - "from_name": "actions", - "id": "YgS5c0BuZx", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "598", - "endOffset": 40, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "598", - "startOffset": 1, - "text": "He goes back to school like the second." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "YgS5c0BuZx", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Re-challenge" - ], - "end": "598", - "endOffset": 40, - "start": "598", - "startOffset": 1, - "text": "He goes back to school like the second." - } - }, - { - "from_name": "actions", - "id": "GcuDfjEPN6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "601", - "endOffset": 7, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "599", - "startOffset": 1, - "text": "ʔuh\n Oh\n shoot." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "GcuDfjEPN6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "601", - "endOffset": 7, - "start": "599", - "startOffset": 1, - "text": "ʔuh\n Oh\n shoot." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GcuDfjEPN6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "601", - "endOffset": 7, - "start": "599", - "startOffset": 1, - "text": "ʔuh\n Oh\n shoot." - } - }, - { - "from_name": "actions", - "id": "vPTtlwQaaO", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "605", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "602", - "startOffset": 0, - "text": " Well isn't there any way\n like we.\n that we could just meet him up there and\n maybe..." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "vPTtlwQaaO", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "605", - "endOffset": 9, - "start": "602", - "startOffset": 0, - "text": " Well isn't there any way\n like we.\n that we could just meet him up there and\n maybe..." - } - }, - { - "from_name": "actions", - "id": "dnmyveIcm4", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "607", - "endOffset": 17, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "606", - "startOffset": 1, - "text": "What\n bring him down ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "dnmyveIcm4", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "607", - "endOffset": 17, - "start": "606", - "startOffset": 1, - "text": "What\n bring him down ?" - } - }, - { - "from_name": "actions", - "id": "2x448YAzCN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "608", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "608", - "startOffset": 1, - "text": "Bring him down" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "2x448YAzCN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Acquiesce" - ], - "end": "608", - "endOffset": 15, - "start": "608", - "startOffset": 1, - "text": "Bring him down" - } - }, - { - "from_name": "actions", - "id": "WdyAVcwchc", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "610", - "endOffset": 29, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "609", - "startOffset": 0, - "text": " or\n I don't wanna take your car." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "WdyAVcwchc", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "610", - "endOffset": 29, - "start": "609", - "startOffset": 0, - "text": " or\n I don't wanna take your car." - } - }, - { - "from_name": "actions", - "id": "BZmw_xj4Vk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "615", - "endOffset": 46, - "paragraphlabels": [ - "Open" - ], - "start": "612", - "startOffset": 1, - "text": "I was gonna ask you and mom\n too\n if you could um\n take care of Trace for couple days next week." - } - }, - { - "from_name": "taxonomyOpen", - "id": "BZmw_xj4Vk", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Demand.Closed.Fact" - ], - "end": "615", - "endOffset": 46, - "start": "612", - "startOffset": 1, - "text": "I was gonna ask you and mom\n too\n if you could um\n take care of Trace for couple days next week." - } - }, - { - "from_name": "actions", - "id": "ApvjHTHgkB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "617", - "endOffset": 22, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "616", - "startOffset": 1, - "text": "Oh ?\n What you got in mind." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "ApvjHTHgkB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "617", - "endOffset": 22, - "start": "616", - "startOffset": 1, - "text": "Oh ?\n What you got in mind." - } - }, - { - "from_name": "actions", - "id": "ogokYhl93Q", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "618", - "endOffset": 36, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "618", - "startOffset": 0, - "text": " I need to get caught up on my work." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ogokYhl93Q", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Answer" - ], - "end": "618", - "endOffset": 36, - "start": "618", - "startOffset": 0, - "text": " I need to get caught up on my work." - } - }, - { - "from_name": "actions", - "id": "-nOdIK3ZA_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "619", - "endOffset": 48, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "619", - "startOffset": 0, - "text": " Wednesday I have an appointment at nine thirty." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "-nOdIK3ZA_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Counter" - ], - "end": "619", - "endOffset": 48, - "start": "619", - "startOffset": 0, - "text": " Wednesday I have an appointment at nine thirty." - } - }, - { - "from_name": "actions", - "id": "QIaXfqlAT_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "621", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "620", - "startOffset": 0, - "text": " Mom's off\n isn't she ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "QIaXfqlAT_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Re-challenge" - ], - "end": "621", - "endOffset": 12, - "start": "620", - "startOffset": 0, - "text": " Mom's off\n isn't she ?" - } - }, - { - "from_name": "actions", - "id": "LAGODdihka", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "624", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "622", - "startOffset": 0, - "text": " Oh\n that's right.\n That's right." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "LAGODdihka", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "624", - "endOffset": 14, - "start": "622", - "startOffset": 0, - "text": " Oh\n that's right.\n That's right." - } - }, - { - "from_name": "actions", - "id": "wqzY4ygby2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "627", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "625", - "startOffset": 1, - "text": "Yeah I think that'd\n I think that'd um\n work out" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "wqzY4ygby2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "627", - "endOffset": 9, - "start": "625", - "startOffset": 1, - "text": "Yeah I think that'd\n I think that'd um\n work out" - } - }, - { - "from_name": "actions", - "id": "0Z6CSnkCgT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "629", - "endOffset": 24, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "628", - "startOffset": 1, - "text": "like if she had to go shopping or something maybe you could go with her\n and help her with him ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "0Z6CSnkCgT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "629", - "endOffset": 24, - "start": "628", - "startOffset": 1, - "text": "like if she had to go shopping or something maybe you could go with her\n and help her with him ?" - } - }, - { - "from_name": "actions", - "id": "YrjhQ7uOqo", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "630", - "endOffset": 42, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "630", - "startOffset": 0, - "text": "And Nicky helps her with him a lot anyway." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "YrjhQ7uOqo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "630", - "endOffset": 42, - "start": "630", - "startOffset": 0, - "text": "And Nicky helps her with him a lot anyway." - } - }, - { - "from_name": "taxonomySustain", - "id": "YrjhQ7uOqo", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "630", - "endOffset": 42, - "start": "630", - "startOffset": 0, - "text": "And Nicky helps her with him a lot anyway." - } - }, - { - "from_name": "actions", - "id": "2M-uOznjSb", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "631", - "endOffset": 33, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "631", - "startOffset": 1, - "text": "And then of course he adores me." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "2M-uOznjSb", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "631", - "endOffset": 33, - "start": "631", - "startOffset": 1, - "text": "And then of course he adores me." - } - }, - { - "from_name": "actions", - "id": "7CT5Lj4K42", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "634", - "endOffset": 38, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "634", - "startOffset": 1, - "text": "I remember I was pregnant with Nicky." - } - }, - { - "from_name": "taxonomySustain", - "id": "7CT5Lj4K42", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "634", - "endOffset": 38, - "start": "634", - "startOffset": 1, - "text": "I remember I was pregnant with Nicky." - } - }, - { - "from_name": "actions", - "id": "4-kyPcpR3A", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "636", - "endOffset": 19, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "635", - "startOffset": 0, - "text": " And uh\n Boots's little boy" - } - }, - { - "from_name": "taxonomySustain", - "id": "4-kyPcpR3A", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Extend" - ], - "end": "636", - "endOffset": 19, - "start": "635", - "startOffset": 0, - "text": " And uh\n Boots's little boy" - } - }, - { - "from_name": "actions", - "id": "itc37BK_LB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "637", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "637", - "startOffset": 1, - "text": "he really liked me." - } - }, - { - "from_name": "taxonomySustain", - "id": "itc37BK_LB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "637", - "endOffset": 20, - "start": "637", - "startOffset": 1, - "text": "he really liked me." - } - }, - { - "from_name": "actions", - "id": "LBx6DbMF6V", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "638", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "638", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "LBx6DbMF6V", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "638", - "endOffset": 5, - "start": "638", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "ow_6MiLdYl", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "639", - "endOffset": 31, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "639", - "startOffset": 1, - "text": "when I was pregnant with her ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "ow_6MiLdYl", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "639", - "endOffset": 31, - "start": "639", - "startOffset": 1, - "text": "when I was pregnant with her ?" - } - }, - { - "from_name": "actions", - "id": "2SdPYPSq04", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "640", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "640", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "2SdPYPSq04", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "640", - "endOffset": 5, - "start": "640", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "GcJpznv7jV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "641", - "endOffset": 43, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "641", - "startOffset": 1, - "text": "ʔuh You know how it is when we're pregnant" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GcJpznv7jV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "641", - "endOffset": 43, - "start": "641", - "startOffset": 1, - "text": "ʔuh You know how it is when we're pregnant" - } - }, - { - "from_name": "actions", - "id": "5JTfnCpS4w", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "642", - "endOffset": 21, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "642", - "startOffset": 1, - "text": "we get real sleepy ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "5JTfnCpS4w", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Response.Resolve" - ], - "end": "642", - "endOffset": 21, - "start": "642", - "startOffset": 1, - "text": "we get real sleepy ?" - } - }, - { - "from_name": "actions", - "id": "TEYrruJ-9z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "643", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "643", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "TEYrruJ-9z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "643", - "endOffset": 5, - "start": "643", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "HqH5vUsvhp", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "645", - "endOffset": 20, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "644", - "startOffset": 1, - "text": "I'd fall asleep on the couch\n and he'd lay by me." - } - }, - { - "from_name": "taxonomySustain", - "id": "HqH5vUsvhp", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "645", - "endOffset": 20, - "start": "644", - "startOffset": 1, - "text": "I'd fall asleep on the couch\n and he'd lay by me." - } - }, - { - "from_name": "actions", - "id": "RdSHC7BnaB", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "646", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "646", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "RdSHC7BnaB", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "646", - "endOffset": 5, - "start": "646", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "DbnA92mszu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "647", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "647", - "startOffset": 1, - "text": "And he'd fall asleep with me." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "DbnA92mszu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "647", - "endOffset": 30, - "start": "647", - "startOffset": 1, - "text": "And he'd fall asleep with me." - } - }, - { - "from_name": "taxonomySustain", - "id": "DbnA92mszu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "647", - "endOffset": 30, - "start": "647", - "startOffset": 1, - "text": "And he'd fall asleep with me." - } - }, - { - "from_name": "actions", - "id": "fovm2Skf3g", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "648", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "648", - "startOffset": 0, - "text": " And I remember he would." - } - }, - { - "from_name": "taxonomySustain", - "id": "fovm2Skf3g", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "648", - "endOffset": 25, - "start": "648", - "startOffset": 0, - "text": " And I remember he would." - } - }, - { - "from_name": "actions", - "id": "Rfuegx_88Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "651", - "endOffset": 42, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "649", - "startOffset": 0, - "text": " I woke up\n and here he was gone\n his mother carried him in the other room." - } - }, - { - "from_name": "taxonomySustain", - "id": "Rfuegx_88Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "651", - "endOffset": 42, - "start": "649", - "startOffset": 0, - "text": " I woke up\n and here he was gone\n his mother carried him in the other room." - } - }, - { - "from_name": "actions", - "id": "lZSEfDEQoN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "652", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "652", - "startOffset": 0, - "text": " Mhm " - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "lZSEfDEQoN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "652", - "endOffset": 11, - "start": "652", - "startOffset": 0, - "text": " Mhm " - } - }, - { - "from_name": "actions", - "id": "Ykwp8J5Sj2", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "654", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "653", - "startOffset": 1, - "text": "and God\n that kind of pissed me off." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Ykwp8J5Sj2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "654", - "endOffset": 28, - "start": "653", - "startOffset": 1, - "text": "and God\n that kind of pissed me off." - } - }, - { - "from_name": "taxonomySustain", - "id": "Ykwp8J5Sj2", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "654", - "endOffset": 28, - "start": "653", - "startOffset": 1, - "text": "and God\n that kind of pissed me off." - } - }, - { - "from_name": "actions", - "id": "aRI6bbgp5o", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "657", - "endOffset": 35, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "655", - "startOffset": 1, - "text": "Was.\n Would um\n Was Nicky mad when Trace was boy ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "aRI6bbgp5o", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "657", - "endOffset": 35, - "start": "655", - "startOffset": 1, - "text": "Was.\n Would um\n Was Nicky mad when Trace was boy ?" - } - }, - { - "from_name": "actions", - "id": "JRzmvPfisW", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "658", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "658", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "JRzmvPfisW", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "658", - "endOffset": 9, - "start": "658", - "startOffset": 0, - "text": " Kind of." - } - }, - { - "from_name": "actions", - "id": "6BMSh7p_lT", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "659", - "endOffset": 32, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "659", - "startOffset": 1, - "text": "She thinks I should have twins." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "6BMSh7p_lT", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "659", - "endOffset": 32, - "start": "659", - "startOffset": 1, - "text": "She thinks I should have twins." - } - }, - { - "from_name": "actions", - "id": "OohYl9gnxr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "660", - "endOffset": 12, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "660", - "startOffset": 1, - "text": "Twin girls." - } - }, - { - "from_name": "taxonomySustain", - "id": "OohYl9gnxr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Append.Enhance" - ], - "end": "660", - "endOffset": 12, - "start": "660", - "startOffset": 1, - "text": "Twin girls." - } - }, - { - "from_name": "actions", - "id": "Kec60DzuGI", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "663", - "endOffset": 17, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "662", - "startOffset": 0, - "text": " But I don't think she'll realize the uh\n sibling rivalry." - } - }, - { - "from_name": "taxonomySustain", - "id": "Kec60DzuGI", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "663", - "endOffset": 17, - "start": "662", - "startOffset": 0, - "text": " But I don't think she'll realize the uh\n sibling rivalry." - } - }, - { - "from_name": "actions", - "id": "wm0Hz26SrN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "666", - "endOffset": 25, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "665", - "startOffset": 0, - "text": " But I don't know\n she's six years old now." - } - }, - { - "from_name": "taxonomySustain", - "id": "wm0Hz26SrN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "666", - "endOffset": 25, - "start": "665", - "startOffset": 0, - "text": " But I don't know\n she's six years old now." - } - }, - { - "from_name": "actions", - "id": "EpkUSvzWDU", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "668", - "endOffset": 30, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "667", - "startOffset": 0, - "text": " And they say that if there's six years between children\n there's not that much rivalry" - } - }, - { - "from_name": "taxonomySustain", - "id": "EpkUSvzWDU", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "668", - "endOffset": 30, - "start": "667", - "startOffset": 0, - "text": " And they say that if there's six years between children\n there's not that much rivalry" - } - }, - { - "from_name": "actions", - "id": "a-oA2MS9nP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "669", - "endOffset": 32, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "669", - "startOffset": 0, - "text": " After four there's almost none." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "a-oA2MS9nP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "669", - "endOffset": 32, - "start": "669", - "startOffset": 0, - "text": " After four there's almost none." - } - }, - { - "from_name": "actions", - "id": "LHG-467jy6", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "670", - "endOffset": 9, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "670", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "LHG-467jy6", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "670", - "endOffset": 9, - "start": "670", - "startOffset": 0, - "text": " Really ?" - } - }, - { - "from_name": "actions", - "id": "G1vjpDw-id", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "671", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "671", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "G1vjpDw-id", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "671", - "endOffset": 5, - "start": "671", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "jTPd5_cVkH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "672", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "672", - "startOffset": 0, - "text": " Cause they're." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "jTPd5_cVkH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "672", - "endOffset": 15, - "start": "672", - "startOffset": 0, - "text": " Cause they're." - } - }, - { - "from_name": "actions", - "id": "gm2J18hcJL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "674", - "endOffset": 37, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "674", - "startOffset": 0, - "text": " they're kind of in different worlds." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "gm2J18hcJL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "674", - "endOffset": 37, - "start": "674", - "startOffset": 0, - "text": " they're kind of in different worlds." - } - }, - { - "from_name": "actions", - "id": "9AOKCEuL7U", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "673", - "endOffset": 15, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "673", - "startOffset": 0, - "text": " Four is ideal." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "9AOKCEuL7U", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "673", - "endOffset": 15, - "start": "673", - "startOffset": 0, - "text": " Four is ideal." - } - }, - { - "from_name": "actions", - "id": "G2Nq1rS9z0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "675", - "endOffset": 6, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "675", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "G2Nq1rS9z0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "675", - "endOffset": 6, - "start": "675", - "startOffset": 1, - "text": "Yeah." - } - }, - { - "from_name": "actions", - "id": "0HJFybk5IE", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "681", - "endOffset": 14, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "676", - "startOffset": 1, - "text": "Because\n see\n Trace will be\n the next time I have baby\n Trace will probably be\n about three ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "0HJFybk5IE", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "681", - "endOffset": 14, - "start": "676", - "startOffset": 1, - "text": "Because\n see\n Trace will be\n the next time I have baby\n Trace will probably be\n about three ?" - } - }, - { - "from_name": "actions", - "id": "L057-WMbN_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "682", - "endOffset": 7, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "682", - "startOffset": 1, - "text": "four ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "L057-WMbN_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "682", - "endOffset": 7, - "start": "682", - "startOffset": 1, - "text": "four ?" - } - }, - { - "from_name": "actions", - "id": "ghSa_5L6hu", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "684", - "endOffset": 47, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "684", - "startOffset": 1, - "text": "That's when I'm gonna get this shit taken out." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ghSa_5L6hu", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Enhance" - ], - "end": "684", - "endOffset": 47, - "start": "684", - "startOffset": 1, - "text": "That's when I'm gonna get this shit taken out." - } - }, - { - "from_name": "actions", - "id": "ZtwQm_e3h1", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "686", - "endOffset": 35, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "686", - "startOffset": 1, - "text": "Tammy Kashen has one of these too." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "ZtwQm_e3h1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "686", - "endOffset": 35, - "start": "686", - "startOffset": 1, - "text": "Tammy Kashen has one of these too." - } - }, - { - "from_name": "taxonomySustain", - "id": "ZtwQm_e3h1", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "686", - "endOffset": 35, - "start": "686", - "startOffset": 1, - "text": "Tammy Kashen has one of these too." - } - }, - { - "from_name": "actions", - "id": "GwGu79PCL_", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "687", - "endOffset": 12, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "687", - "startOffset": 1, - "text": "What is it." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "GwGu79PCL_", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "687", - "endOffset": 12, - "start": "687", - "startOffset": 1, - "text": "What is it." - } - }, - { - "from_name": "actions", - "id": "-Ef2ns80ec", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "688", - "endOffset": 11, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "688", - "startOffset": 0, - "text": " Norplant ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "-Ef2ns80ec", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "688", - "endOffset": 11, - "start": "688", - "startOffset": 0, - "text": " Norplant ?" - } - }, - { - "from_name": "actions", - "id": "rw0_w1j35Z", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "689", - "endOffset": 11, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "689", - "startOffset": 0, - "text": " Oh really." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "rw0_w1j35Z", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "689", - "endOffset": 11, - "start": "689", - "startOffset": 0, - "text": " Oh really." - } - }, - { - "from_name": "actions", - "id": "FVaH2MKYJC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "690", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "690", - "startOffset": 1, - "text": "Deon told me." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "FVaH2MKYJC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "690", - "endOffset": 14, - "start": "690", - "startOffset": 1, - "text": "Deon told me." - } - }, - { - "from_name": "actions", - "id": "EC_l4LKVZ9", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "691", - "endOffset": 53, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "691", - "startOffset": 1, - "text": "Cause I asked him what his intentions were with her." - } - }, - { - "from_name": "taxonomySustain", - "id": "EC_l4LKVZ9", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "691", - "endOffset": 53, - "start": "691", - "startOffset": 1, - "text": "Cause I asked him what his intentions were with her." - } - }, - { - "from_name": "actions", - "id": "ERhVytsFBD", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "692", - "endOffset": 63, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "692", - "startOffset": 1, - "text": "Cause I told him I thought he was too young to be so involved." - } - }, - { - "from_name": "taxonomySustain", - "id": "ERhVytsFBD", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "692", - "endOffset": 63, - "start": "692", - "startOffset": 1, - "text": "Cause I told him I thought he was too young to be so involved." - } - }, - { - "from_name": "actions", - "id": "KxLKloz9Ow", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "693", - "endOffset": 25, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "693", - "startOffset": 1, - "text": "Gwen was telling me that" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "KxLKloz9Ow", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "693", - "endOffset": 25, - "start": "693", - "startOffset": 1, - "text": "Gwen was telling me that" - } - }, - { - "from_name": "actions", - "id": "fMs4BXPx-S", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "694", - "endOffset": 29, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "694", - "startOffset": 1, - "text": "Did she talk to you lately ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "fMs4BXPx-S", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "694", - "endOffset": 29, - "start": "694", - "startOffset": 1, - "text": "Did she talk to you lately ?" - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "fMs4BXPx-S", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "694", - "endOffset": 29, - "start": "694", - "startOffset": 1, - "text": "Did she talk to you lately ?" - } - }, - { - "from_name": "actions", - "id": "oCx6CX1pxs", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "695", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "695", - "startOffset": 1, - "text": "Hmm." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "oCx6CX1pxs", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Disengage" - ], - "end": "695", - "endOffset": 5, - "start": "695", - "startOffset": 1, - "text": "Hmm." - } - }, - { - "from_name": "actions", - "id": "PQvxUbBNjj", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "696", - "endOffset": 28, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "696", - "startOffset": 0, - "text": " They had cyst on her ovary." - } - }, - { - "from_name": "taxonomySustain", - "id": "PQvxUbBNjj", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "696", - "endOffset": 28, - "start": "696", - "startOffset": 0, - "text": " They had cyst on her ovary." - } - }, - { - "from_name": "actions", - "id": "8uLhTE4qhN", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "697", - "endOffset": 40, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "697", - "startOffset": 1, - "text": "And they had to go in and take it out ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "8uLhTE4qhN", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "697", - "endOffset": 40, - "start": "697", - "startOffset": 1, - "text": "And they had to go in and take it out ?" - } - }, - { - "from_name": "actions", - "id": "IVLPN7WuOP", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "698", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "698", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "IVLPN7WuOP", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "698", - "endOffset": 5, - "start": "698", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "WzxfciodHa", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "699", - "endOffset": 21, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "699", - "startOffset": 1, - "text": "Take out that cyst ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "WzxfciodHa", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "699", - "endOffset": 21, - "start": "699", - "startOffset": 1, - "text": "Take out that cyst ?" - } - }, - { - "from_name": "actions", - "id": "OJtc0_VeGr", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "700", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "700", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "OJtc0_VeGr", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "700", - "endOffset": 5, - "start": "700", - "startOffset": 1, - "text": "Mhm." - } - }, - { - "from_name": "actions", - "id": "BegJ3a-Y3D", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "701", - "endOffset": 35, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "701", - "startOffset": 0, - "text": " And it's really screwed up her uh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "BegJ3a-Y3D", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "701", - "endOffset": 35, - "start": "701", - "startOffset": 0, - "text": " And it's really screwed up her uh." - } - }, - { - "from_name": "actions", - "id": "v2jOTUwVJV", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "703", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "702", - "startOffset": 1, - "text": "menstrual.\n cycle ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "v2jOTUwVJV", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "703", - "endOffset": 8, - "start": "702", - "startOffset": 1, - "text": "menstrual.\n cycle ?" - } - }, - { - "from_name": "actions", - "id": "KOH7zZon6m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "704", - "endOffset": 10, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "704", - "startOffset": 1, - "text": "her cycle" - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "KOH7zZon6m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "704", - "endOffset": 10, - "start": "704", - "startOffset": 1, - "text": "her cycle" - } - }, - { - "from_name": "actions", - "id": "snT2MTw_Vn", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "706", - "endOffset": 15, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "705", - "startOffset": 1, - "text": "her\n her hormones ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "snT2MTw_Vn", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Probe" - ], - "end": "706", - "endOffset": 15, - "start": "705", - "startOffset": 1, - "text": "her\n her hormones ?" - } - }, - { - "from_name": "actions", - "id": "UXWl7nJwM3", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "707", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "707", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "UXWl7nJwM3", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Affirm" - ], - "end": "707", - "endOffset": 8, - "start": "707", - "startOffset": 1, - "text": "Unhunh." - } - }, - { - "from_name": "actions", - "id": "VelfjjINwL", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "709", - "endOffset": 27, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "708", - "startOffset": 1, - "text": "And they said that she might have to get pregnant again\n just to straighten it out." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "VelfjjINwL", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "709", - "endOffset": 27, - "start": "708", - "startOffset": 1, - "text": "And they said that she might have to get pregnant again\n just to straighten it out." - } - }, - { - "from_name": "actions", - "id": "Kc65Wh_Mec", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "712", - "endOffset": 18, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "711", - "startOffset": 0, - "text": " So\n and then she goes" - } - }, - { - "from_name": "taxonomySustain", - "id": "Kc65Wh_Mec", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "712", - "endOffset": 18, - "start": "711", - "startOffset": 0, - "text": " So\n and then she goes" - } - }, - { - "from_name": "actions", - "id": "_Sq-o8qU-W", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "714", - "endOffset": 11, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "713", - "startOffset": 1, - "text": "so tell.\n tell Deon." - } - }, - { - "from_name": "taxonomySustain", - "id": "_Sq-o8qU-W", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Enhance" - ], - "end": "714", - "endOffset": 11, - "start": "713", - "startOffset": 1, - "text": "so tell.\n tell Deon." - } - }, - { - "from_name": "actions", - "id": "boUfrE5T5K", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "715", - "endOffset": 24, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "715", - "startOffset": 1, - "text": "And she really laughed." - } - }, - { - "from_name": "taxonomySustain", - "id": "boUfrE5T5K", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "715", - "endOffset": 24, - "start": "715", - "startOffset": 1, - "text": "And she really laughed." - } - }, - { - "from_name": "actions", - "id": "p3YZI_8SRt", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "720", - "endOffset": 15, - "paragraphlabels": [ - "Sustain.Continue" - ], - "start": "717", - "startOffset": 0, - "text": " I don't know if Tammy would be too happy with that though.\n Seems to me that she's trying to straighten herself out\n and\n pursue family." - } - }, - { - "from_name": "taxonomySustain", - "id": "p3YZI_8SRt", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Prolong.Extend" - ], - "end": "720", - "endOffset": 15, - "start": "717", - "startOffset": 0, - "text": " I don't know if Tammy would be too happy with that though.\n Seems to me that she's trying to straighten herself out\n and\n pursue family." - } - }, - { - "from_name": "actions", - "id": "OA_Mo8fH_m", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "721", - "endOffset": 8, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "721", - "startOffset": 1, - "text": "Tammy ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "OA_Mo8fH_m", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Check" - ], - "end": "721", - "endOffset": 8, - "start": "721", - "startOffset": 1, - "text": "Tammy ?" - } - }, - { - "from_name": "actions", - "id": "JufpdHHAJC", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "722", - "endOffset": 19, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "722", - "startOffset": 1, - "text": "What do you think." - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "JufpdHHAJC", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Clarify" - ], - "end": "722", - "endOffset": 19, - "start": "722", - "startOffset": 1, - "text": "What do you think." - } - }, - { - "from_name": "actions", - "id": "tthWFdwQjd", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "723", - "endOffset": 14, - "paragraphlabels": [ - "React.Respond.Confront" - ], - "start": "723", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "taxonomyREactRespondConfront", - "id": "tthWFdwQjd", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Disawow" - ], - "end": "723", - "endOffset": 14, - "start": "723", - "startOffset": 1, - "text": "I don't know." - } - }, - { - "from_name": "actions", - "id": "u6MTS84BHH", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "724", - "endOffset": 51, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "724", - "startOffset": 1, - "text": "Or do you think it might be matter of convenience." - } - }, - { - "from_name": "taxonomyReactRejoinderConfront", - "id": "u6MTS84BHH", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Challenge.Rebound" - ], - "end": "724", - "endOffset": 51, - "start": "724", - "startOffset": 1, - "text": "Or do you think it might be matter of convenience." - } - }, - { - "from_name": "actions", - "id": "nxqAzdHk0g", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "725", - "endOffset": 41, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "725", - "startOffset": 1, - "text": "I think it's convenience for both of em." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "nxqAzdHk0g", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "725", - "endOffset": 41, - "start": "725", - "startOffset": 1, - "text": "I think it's convenience for both of em." - } - }, - { - "from_name": "actions", - "id": "XqoJD-TQM0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "727", - "endOffset": 7, - "paragraphlabels": [ - "React.Rejoinder.Support" - ], - "start": "726", - "startOffset": 0, - "text": " Yeah ?\n Yeah ?" - } - }, - { - "from_name": "taxonomyReactRejoinderSupport", - "id": "XqoJD-TQM0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Track.Confirm" - ], - "end": "727", - "endOffset": 7, - "start": "726", - "startOffset": 0, - "text": " Yeah ?\n Yeah ?" - } - }, - { - "from_name": "actions", - "id": "Pjjdua2STJ", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "728", - "endOffset": 34, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "728", - "startOffset": 0, - "text": " It's also convenience for Cookie." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "Pjjdua2STJ", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Develop.Extend" - ], - "end": "728", - "endOffset": 34, - "start": "728", - "startOffset": 0, - "text": " It's also convenience for Cookie." - } - }, - { - "from_name": "actions", - "id": "bzSShzF5O0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "729", - "endOffset": 9, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "729", - "startOffset": 1, - "text": "Oh yeah." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "bzSShzF5O0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "729", - "endOffset": 9, - "start": "729", - "startOffset": 1, - "text": "Oh yeah." - } - }, - { - "from_name": "actions", - "id": "-DKg6zrWMk", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "25", - "endOffset": 36, - "paragraphlabels": [ - "React.Rejoinder.Confront" - ], - "start": "25", - "startOffset": 1, - "text": "About ʔuh the way they were feeling" - } - }, - { - "from_name": "actions", - "id": "7sAJmVeU13", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "486", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "486", - "startOffset": 1, - "text": "Hm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "7sAJmVeU13", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "486", - "endOffset": 4, - "start": "486", - "startOffset": 1, - "text": "Hm." - } - }, - { - "from_name": "actions", - "id": "dIasg5-6u0", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "633", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "633", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "dIasg5-6u0", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "633", - "endOffset": 5, - "start": "633", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "BS2frVHSCh", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "576", - "endOffset": 5, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "576", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "BS2frVHSCh", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "576", - "endOffset": 5, - "start": "576", - "startOffset": 0, - "text": " Mhm." - } - }, - { - "from_name": "actions", - "id": "JwN1vIT_jR", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "448", - "endOffset": 8, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "448", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "JwN1vIT_jR", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Reply.Agree" - ], - "end": "448", - "endOffset": 8, - "start": "448", - "startOffset": 0, - "text": " Unhunh." - } - }, - { - "from_name": "actions", - "id": "CX_MQHcG32", - "to_name": "dialogue", - "type": "paragraphlabels", - "value": { - "end": "683", - "endOffset": 4, - "paragraphlabels": [ - "React.Respond.Support" - ], - "start": "683", - "startOffset": 1, - "text": "Hm." - } - }, - { - "from_name": "taxonomyReactRespondSupport", - "id": "CX_MQHcG32", - "to_name": "dialogue", - "type": "choices", - "value": { - "choices": [ - "Register" - ], - "end": "683", - "endOffset": 4, - "start": "683", - "startOffset": 1, - "text": "Hm." - } - } - ] - } - ], - "data": { - "text": [ - { - "phrase": " God", - "speaker": "MARY" - }, - { - "phrase": " I said I wasn't gonna do this anymore.", - "speaker": "MARY" - }, - { - "phrase": " Stay up late.", - "speaker": "MARY" - }, - { - "phrase": " Kinda defeats the purpose of getting up in the morning.", - "speaker": "MARY" - }, - { - "phrase": " I know.", - "speaker": "ALIC" - }, - { - "phrase": " And it's hard habit to break.", - "speaker": "ALIC" - }, - { - "phrase": " Usually I don't...", - "speaker": "ALIC" - }, - { - "phrase": " It is.", - "speaker": "MARY" - }, - { - "phrase": " ʔuh Usually I don't stay up late.", - "speaker": "ALIC" - }, - { - "phrase": " But it's like", - "speaker": "ALIC" - }, - { - "phrase": " if I'm up after midnight ?", - "speaker": "ALIC" - }, - { - "phrase": " It's just like.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " Hm.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah yeah.", - "speaker": "ALIC" - }, - { - "phrase": " What can I do now.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " I still can't ʔuh...", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " God I still can't believe Tim bitching around and", - "speaker": "ALIC" - }, - { - "phrase": " he lied too.", - "speaker": "ALIC" - }, - { - "phrase": " He said that he talked to Ron", - "speaker": "ALIC" - }, - { - "phrase": " and all this other shit ?", - "speaker": "ALIC" - }, - { - "phrase": " About what.", - "speaker": "MARY" - }, - { - "phrase": " About ʔuh the way they were feeling", - "speaker": "ALIC" - }, - { - "phrase": " of them being the only ones cleaning the house", - "speaker": "ALIC" - }, - { - "phrase": " and all this other shit ?", - "speaker": "ALIC" - }, - { - "phrase": " I mean what they don't realize", - "speaker": "ALIC" - }, - { - "phrase": " is like", - "speaker": "ALIC" - }, - { - "phrase": " shit", - "speaker": "ALIC" - }, - { - "phrase": " when Ron gets home from work", - "speaker": "ALIC" - }, - { - "phrase": " I wanna spend time with Ron", - "speaker": "ALIC" - }, - { - "phrase": " because Ron", - "speaker": "ALIC" - }, - { - "phrase": " usually doesn't get home till nine or ten.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Unlike Tim", - "speaker": "ALIC" - }, - { - "phrase": " he has to work", - "speaker": "ALIC" - }, - { - "phrase": " for every little dime that he makes.", - "speaker": "ALIC" - }, - { - "phrase": " You know ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " He doesn't get any breaks.", - "speaker": "ALIC" - }, - { - "phrase": " Yeahʔ", - "speaker": "MARY" - }, - { - "phrase": " Tim is on salary", - "speaker": "MARY" - }, - { - "phrase": " and he can take leave", - "speaker": "MARY" - }, - { - "phrase": " and.", - "speaker": "MARY" - }, - { - "phrase": " Mhm", - "speaker": "ALIC" - }, - { - "phrase": " and he earns leave.", - "speaker": "ALIC" - }, - { - "phrase": " he's...", - "speaker": "MARY" - }, - { - "phrase": " he gets sick leave", - "speaker": "ALIC" - }, - { - "phrase": " we don't get shit.", - "speaker": "ALIC" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " It is really hard living with another couple.", - "speaker": "MARY" - }, - { - "phrase": " I mean", - "speaker": "ALIC" - }, - { - "phrase": " we.", - "speaker": "ALIC" - }, - { - "phrase": " If we set our.", - "speaker": "ALIC" - }, - { - "phrase": " If we sit down and set some rules", - "speaker": "ALIC" - }, - { - "phrase": " which we never did", - "speaker": "ALIC" - }, - { - "phrase": " ʔuh ʔuh ʔit could work.", - "speaker": "ALIC" - }, - { - "phrase": " You know.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " what it amounts to", - "speaker": "ALIC" - }, - { - "phrase": " is mutual respect", - "speaker": "ALIC" - }, - { - "phrase": " and like Tim told Ron", - "speaker": "ALIC" - }, - { - "phrase": " he told him", - "speaker": "ALIC" - }, - { - "phrase": " he goes um", - "speaker": "ALIC" - }, - { - "phrase": " what was it he goes", - "speaker": "ALIC" - }, - { - "phrase": " nobody fucks with my lifestyle.", - "speaker": "ALIC" - }, - { - "phrase": " I feel the exact same way.", - "speaker": "ALIC" - }, - { - "phrase": " And all those bitches and complaints that he has", - "speaker": "ALIC" - }, - { - "phrase": " they're about my lifestyle.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " And he doesn't realize that.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " And that's what I'm gonna tell him.", - "speaker": "ALIC" - }, - { - "phrase": " Well", - "speaker": "MARY" - }, - { - "phrase": " ʔuh you know.", - "speaker": "MARY" - }, - { - "phrase": " And the only way it's gonna work", - "speaker": "ALIC" - }, - { - "phrase": " is if we have respect for one another.", - "speaker": "ALIC" - }, - { - "phrase": " That's right.", - "speaker": "MARY" - }, - { - "phrase": " That's right.", - "speaker": "MARY" - }, - { - "phrase": " And it doesn't mean", - "speaker": "ALIC" - }, - { - "phrase": " going to our parents", - "speaker": "ALIC" - }, - { - "phrase": " and complaining about one another", - "speaker": "ALIC" - }, - { - "phrase": " I'm gonna tell him", - "speaker": "ALIC" - }, - { - "phrase": " if you have any complaints", - "speaker": "ALIC" - }, - { - "phrase": " you talk to the person that you have the complaint about.", - "speaker": "ALIC" - }, - { - "phrase": " I'm also going to suggest", - "speaker": "ALIC" - }, - { - "phrase": " weekly house meetings to discuss such things.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " Oh yeah.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " You know what it would be", - "speaker": "MARY" - }, - { - "phrase": " real good lesson for them", - "speaker": "MARY" - }, - { - "phrase": " too", - "speaker": "MARY" - }, - { - "phrase": " in self assertiveness.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " you know and", - "speaker": "MARY" - }, - { - "phrase": " especially the way um", - "speaker": "MARY" - }, - { - "phrase": " I mean Tim gets himself into a", - "speaker": "MARY" - }, - { - "phrase": " uncomfortable situation or whatever", - "speaker": "MARY" - }, - { - "phrase": " and his first reaction is to blow up about it.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " You know", - "speaker": "MARY" - }, - { - "phrase": " cause he let.", - "speaker": "MARY" - }, - { - "phrase": " he lets it pile up.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " He doesn't do nothing positive about it", - "speaker": "MARY" - }, - { - "phrase": " and then he just blows up.", - "speaker": "MARY" - }, - { - "phrase": " And if something bothers you", - "speaker": "ALIC" - }, - { - "phrase": " you go and you", - "speaker": "ALIC" - }, - { - "phrase": " I was", - "speaker": "ALIC" - }, - { - "phrase": " like last year", - "speaker": "ALIC" - }, - { - "phrase": " I was really proud of myself", - "speaker": "ALIC" - }, - { - "phrase": " when I was asked to take over intermediate algebra ?", - "speaker": "ALIC" - }, - { - "phrase": " Unhunh.", - "speaker": "MARY" - }, - { - "phrase": " And teach it ?", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " And I did.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " And I also went.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " and I asked for raise", - "speaker": "ALIC" - }, - { - "phrase": " instead of...", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " cause instead of just sitting in the class and getting five dollars an hour", - "speaker": "ALIC" - }, - { - "phrase": " I was now gonna be up there teaching it.", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "MARY" - }, - { - "phrase": " and instead of getting the five dollars an hour", - "speaker": "ALIC" - }, - { - "phrase": " I ended up getting fifteen.", - "speaker": "ALIC" - }, - { - "phrase": " Really.", - "speaker": "MARY" - }, - { - "phrase": " But I went and I asked.", - "speaker": "ALIC" - }, - { - "phrase": " Now if.", - "speaker": "ALIC" - }, - { - "phrase": " You know if you put situation like that to Tim or Mandy", - "speaker": "ALIC" - }, - { - "phrase": " cause not because they're they're weak in character or anything", - "speaker": "ALIC" - }, - { - "phrase": " but because they're...", - "speaker": "ALIC" - }, - { - "phrase": " They're babies.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " They hem and haw around", - "speaker": "ALIC" - }, - { - "phrase": " and somebody else would have to talk for them.", - "speaker": "ALIC" - }, - { - "phrase": " You know ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " And it's", - "speaker": "MARY" - }, - { - "phrase": " Right now uh", - "speaker": "MARY" - }, - { - "phrase": " I don't know if I should mention it to him", - "speaker": "MARY" - }, - { - "phrase": " or what", - "speaker": "MARY" - }, - { - "phrase": " but", - "speaker": "MARY" - }, - { - "phrase": " I'm feeling like he's taking me for granted.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " And he's rolling in it", - "speaker": "ALIC" - }, - { - "phrase": " Mary.", - "speaker": "ALIC" - }, - { - "phrase": " And you know what the sad thing", - "speaker": "ALIC" - }, - { - "phrase": " the thing that really scares me ?", - "speaker": "ALIC" - }, - { - "phrase": " is that they're n.", - "speaker": "ALIC" - }, - { - "phrase": " at the rate they're going", - "speaker": "ALIC" - }, - { - "phrase": " and with all the breaks that they've gotten", - "speaker": "ALIC" - }, - { - "phrase": " they're never gonna have hard times.", - "speaker": "ALIC" - }, - { - "phrase": " Hard times do train you.", - "speaker": "MARY" - }, - { - "phrase": " Yep.", - "speaker": "ALIC" - }, - { - "phrase": " They do.", - "speaker": "MARY" - }, - { - "phrase": " Like I came over here to work with Danae", - "speaker": "ALIC" - }, - { - "phrase": " which is what I'm going to do", - "speaker": "ALIC" - }, - { - "phrase": " I'm going to do some translations for her and stuff ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " tonight ?", - "speaker": "ALIC" - }, - { - "phrase": " And um.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " you know", - "speaker": "ALIC" - }, - { - "phrase": " I have to make at least fifty dollars or so.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " to make it worth my time", - "speaker": "ALIC" - }, - { - "phrase": " but like tonight", - "speaker": "ALIC" - }, - { - "phrase": " well I called", - "speaker": "ALIC" - }, - { - "phrase": " you know", - "speaker": "ALIC" - }, - { - "phrase": " this thing was going on with Buck and everything", - "speaker": "ALIC" - }, - { - "phrase": " so I called um", - "speaker": "ALIC" - }, - { - "phrase": " Mandy's", - "speaker": "ALIC" - }, - { - "phrase": " or", - "speaker": "ALIC" - }, - { - "phrase": " I called our house", - "speaker": "ALIC" - }, - { - "phrase": " and Mandy answered the phone", - "speaker": "ALIC" - }, - { - "phrase": " and I said where's.", - "speaker": "ALIC" - }, - { - "phrase": " you know where's.", - "speaker": "ALIC" - }, - { - "phrase": " where.", - "speaker": "ALIC" - }, - { - "phrase": " Is Ron there ?", - "speaker": "ALIC" - }, - { - "phrase": " And she said no.", - "speaker": "ALIC" - }, - { - "phrase": " When we were on our way to Tim's game", - "speaker": "ALIC" - }, - { - "phrase": " he was at Town Pump", - "speaker": "ALIC" - }, - { - "phrase": " and he asked what time we'd be home", - "speaker": "ALIC" - }, - { - "phrase": " and we said probably about nine.", - "speaker": "ALIC" - }, - { - "phrase": " And she said then we went over to your grandma's", - "speaker": "ALIC" - }, - { - "phrase": " but then we came back", - "speaker": "ALIC" - }, - { - "phrase": " and he wasn't here yet.", - "speaker": "ALIC" - }, - { - "phrase": " So", - "speaker": "ALIC" - }, - { - "phrase": " I called the Town Pump", - "speaker": "ALIC" - }, - { - "phrase": " and asked if he was still in the casino", - "speaker": "ALIC" - }, - { - "phrase": " course he wasn't", - "speaker": "ALIC" - }, - { - "phrase": " he was on his way home.", - "speaker": "ALIC" - }, - { - "phrase": " And I said tell.", - "speaker": "ALIC" - }, - { - "phrase": " So I called Mandy back", - "speaker": "ALIC" - }, - { - "phrase": " and I told her to", - "speaker": "ALIC" - }, - { - "phrase": " have him call me.", - "speaker": "ALIC" - }, - { - "phrase": " when he got home.", - "speaker": "ALIC" - }, - { - "phrase": " So", - "speaker": "ALIC" - }, - { - "phrase": " I was in the bathtub when he called", - "speaker": "ALIC" - }, - { - "phrase": " and I talked to him for while and", - "speaker": "ALIC" - }, - { - "phrase": " he went and", - "speaker": "ALIC" - }, - { - "phrase": " he was really down about what what I told him that Tim had said to me", - "speaker": "ALIC" - }, - { - "phrase": " and how I was so upset ?", - "speaker": "ALIC" - }, - { - "phrase": " He goes why didn't you tell him to go and wake me up.", - "speaker": "ALIC" - }, - { - "phrase": " I said I did", - "speaker": "ALIC" - }, - { - "phrase": " and he wouldn't do it.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " He goes", - "speaker": "ALIC" - }, - { - "phrase": " they.", - "speaker": "ALIC" - }, - { - "phrase": " they were sitting around getting all fucked up", - "speaker": "ALIC" - }, - { - "phrase": " he said but", - "speaker": "ALIC" - }, - { - "phrase": " he said I went right to bed", - "speaker": "ALIC" - }, - { - "phrase": " he said I didn't get done working until after nine.", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " man.", - "speaker": "MARY" - }, - { - "phrase": "Cause that five car pile up they had between Hardin and Crow ?", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " shit", - "speaker": "MARY" - }, - { - "phrase": " really ?", - "speaker": "MARY" - }, - { - "phrase": " I didn't hear about it.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " Ron was singlehandedly there.", - "speaker": "ALIC" - }, - { - "phrase": " with one wrecker.", - "speaker": "ALIC" - }, - { - "phrase": " yeah.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Seems like any time I've seen wrecker out here", - "speaker": "MARY" - }, - { - "phrase": " there's always two guys in there.", - "speaker": "MARY" - }, - { - "phrase": " Hmm", - "speaker": "ALIC" - }, - { - "phrase": " everyone was gone", - "speaker": "ALIC" - }, - { - "phrase": " when the call came in.", - "speaker": "ALIC" - }, - { - "phrase": " Oh.", - "speaker": "MARY" - }, - { - "phrase": " And Jay's not supposed to go on those anymore", - "speaker": "ALIC" - }, - { - "phrase": " because of his heart", - "speaker": "ALIC" - }, - { - "phrase": " so he had to send Ron by himself", - "speaker": "ALIC" - }, - { - "phrase": " and Ron was slowly pulling everybody out of the ditch.", - "speaker": "ALIC" - }, - { - "phrase": " Did they all hit each other ?", - "speaker": "MARY" - }, - { - "phrase": " Or just.", - "speaker": "MARY" - }, - { - "phrase": " Kind of.", - "speaker": "ALIC" - }, - { - "phrase": " aʔ semi bumped car", - "speaker": "ALIC" - }, - { - "phrase": " and then went and", - "speaker": "ALIC" - }, - { - "phrase": " went on two wheels", - "speaker": "ALIC" - }, - { - "phrase": " and", - "speaker": "ALIC" - }, - { - "phrase": " just about lost it", - "speaker": "ALIC" - }, - { - "phrase": " and then got back up on all all its wheels again.", - "speaker": "ALIC" - }, - { - "phrase": " Oh.", - "speaker": "MARY" - }, - { - "phrase": " Did it land in the ditch ?", - "speaker": "MARY" - }, - { - "phrase": " But it.", - "speaker": "ALIC" - }, - { - "phrase": " Kind of", - "speaker": "ALIC" - }, - { - "phrase": " it was able to get out", - "speaker": "ALIC" - }, - { - "phrase": " but all the other cars that were in the direct vicinity", - "speaker": "ALIC" - }, - { - "phrase": " all hit the ditch.", - "speaker": "ALIC" - }, - { - "phrase": " And then", - "speaker": "ALIC" - }, - { - "phrase": " there was three cars and the semi.", - "speaker": "ALIC" - }, - { - "phrase": " And then", - "speaker": "ALIC" - }, - { - "phrase": " this uh", - "speaker": "ALIC" - }, - { - "phrase": " this guy pulled up and.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " he was going to uh", - "speaker": "ALIC" - }, - { - "phrase": " Peggy.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " you remember Peggy White ?", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Her husband", - "speaker": "ALIC" - }, - { - "phrase": " Gary Bighare ?", - "speaker": "ALIC" - }, - { - "phrase": " Mhm ?", - "speaker": "MARY" - }, - { - "phrase": " Him and her pulled up", - "speaker": "ALIC" - }, - { - "phrase": " and they were in the van ?", - "speaker": "ALIC" - }, - { - "phrase": " And they stopped to ask Ron what happened ?", - "speaker": "ALIC" - }, - { - "phrase": "And here another car came and rearended them.", - "speaker": "ALIC" - }, - { - "phrase": " Oh.", - "speaker": "MARY" - }, - { - "phrase": " And they ended up having to take um Peggy White by helicopter to Billings.", - "speaker": "ALIC" - }, - { - "phrase": " Man that's pretty bad.", - "speaker": "MARY" - }, - { - "phrase": " I know.", - "speaker": "ALIC" - }, - { - "phrase": " Darn", - "speaker": "ALIC" - }, - { - "phrase": " this darn dog keeps breathing", - "speaker": "ALIC" - }, - { - "phrase": " and like dreaming", - "speaker": "ALIC" - }, - { - "phrase": " you know I wonder if we should wake her up ?", - "speaker": "ALIC" - }, - { - "phrase": " No", - "speaker": "MARY" - }, - { - "phrase": " she'll get scared and want to go outside.", - "speaker": "MARY" - }, - { - "phrase": " Kinda nervous", - "speaker": "MARY" - }, - { - "phrase": " you know.", - "speaker": "MARY" - }, - { - "phrase": " They say you can really mess up dog", - "speaker": "ALIC" - }, - { - "phrase": " by wakingthemup when they're dreaming.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " It's so cold outside", - "speaker": "ALIC" - }, - { - "phrase": " but yet sometimes she insists on staying out there.", - "speaker": "ALIC" - }, - { - "phrase": " I know.", - "speaker": "MARY" - }, - { - "phrase": " You know what I was thinking of doing ?", - "speaker": "MARY" - }, - { - "phrase": " Hunh.", - "speaker": "ALIC" - }, - { - "phrase": " I don't know", - "speaker": "MARY" - }, - { - "phrase": " she's kind of shy", - "speaker": "MARY" - }, - { - "phrase": " but I was wondering.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " what it would be like to train her.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " to pull sled.", - "speaker": "MARY" - }, - { - "phrase": " I don't know if she'd do it.", - "speaker": "ALIC" - }, - { - "phrase": " I don't know if she would either.", - "speaker": "MARY" - }, - { - "phrase": " She's kind of timid.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " She doesn't trust too many people at all.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Oh and you know another thing that Tim had the audacity to bitch about ?", - "speaker": "ALIC" - }, - { - "phrase": " What.", - "speaker": "MARY" - }, - { - "phrase": " He said um", - "speaker": "ALIC" - }, - { - "phrase": " Mandy had to stay up all by herself and decorate the tree.", - "speaker": "ALIC" - }, - { - "phrase": " until four in the morning.", - "speaker": "ALIC" - }, - { - "phrase": " And I even asked if we could put our ornaments on there", - "speaker": "ALIC" - }, - { - "phrase": " and they told me that there wouldn't be enough room.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm", - "speaker": "ALIC" - }, - { - "phrase": " Tim said that.", - "speaker": "ALIC" - }, - { - "phrase": " She was probably lonely when she was doing it", - "speaker": "MARY" - }, - { - "phrase": " you know that ?", - "speaker": "MARY" - }, - { - "phrase": " She probably was.", - "speaker": "MARY" - }, - { - "phrase": "...", - "speaker": "MARY" - }, - { - "phrase": " I sat up with her", - "speaker": "ALIC" - }, - { - "phrase": " and I was talking to her", - "speaker": "ALIC" - }, - { - "phrase": " she was doing all the decorating", - "speaker": "ALIC" - }, - { - "phrase": " I mean", - "speaker": "ALIC" - }, - { - "phrase": " what was I gonna do.", - "speaker": "ALIC" - }, - { - "phrase": " I mean", - "speaker": "ALIC" - }, - { - "phrase": " she was just putting up the balls and everything and", - "speaker": "ALIC" - }, - { - "phrase": " she'd say where", - "speaker": "ALIC" - }, - { - "phrase": " where do you think this should go and", - "speaker": "ALIC" - }, - { - "phrase": " so I was sitting there doing my Welfare application.", - "speaker": "ALIC" - }, - { - "phrase": " And uh", - "speaker": "ALIC" - }, - { - "phrase": " you know I was just sitting there watching her", - "speaker": "ALIC" - }, - { - "phrase": " telling her where to put everything and what not.", - "speaker": "ALIC" - }, - { - "phrase": " Did you know Nickie wanted her own tree ?", - "speaker": "MARY" - }, - { - "phrase": " Yes ?", - "speaker": "ALIC" - }, - { - "phrase": " And I forgot to bring it in", - "speaker": "MARY" - }, - { - "phrase": " it's outside ?", - "speaker": "MARY" - }, - { - "phrase": " What are you gonna do with it.", - "speaker": "ALIC" - }, - { - "phrase": " She wants to set it up for her Barbies.", - "speaker": "MARY" - }, - { - "phrase": " I was just gonna use tin can and put rocks in the bottom ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And just stick it in there.", - "speaker": "MARY" - }, - { - "phrase": " And you know what I did ?", - "speaker": "MARY" - }, - { - "phrase": " Hm.", - "speaker": "ALIC" - }, - { - "phrase": " I didn't want to waste tree's life.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " so I just cut branch off one.", - "speaker": "MARY" - }, - { - "phrase": " God", - "speaker": "MARY" - }, - { - "phrase": " I fell up there.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " Where'd you go.", - "speaker": "ALIC" - }, - { - "phrase": " to get em.", - "speaker": "ALIC" - }, - { - "phrase": " You know where Sarah and Arvela live ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Just around the corner.", - "speaker": "MARY" - }, - { - "phrase": " Remember that first cattle guard you go over ?", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " I didn't even go over that.", - "speaker": "MARY" - }, - { - "phrase": " You mean", - "speaker": "ALIC" - }, - { - "phrase": " kinda like by the.", - "speaker": "ALIC" - }, - { - "phrase": " by the tunnel ?", - "speaker": "ALIC" - }, - { - "phrase": " Right below the tunnel.", - "speaker": "MARY" - }, - { - "phrase": " Oh.", - "speaker": "ALIC" - }, - { - "phrase": " And I just walked up.", - "speaker": "MARY" - }, - { - "phrase": " We just walked up around uh", - "speaker": "MARY" - }, - { - "phrase": " that area", - "speaker": "MARY" - }, - { - "phrase": " God Alice that was fun.", - "speaker": "MARY" - }, - { - "phrase": " Did you get grandma tree too ?", - "speaker": "ALIC" - }, - { - "phrase": " Hunhunh.", - "speaker": "MARY" - }, - { - "phrase": " Does she already have one ?", - "speaker": "ALIC" - }, - { - "phrase": " Hmm.", - "speaker": "MARY" - }, - { - "phrase": " That pickup could only hold like three.", - "speaker": "MARY" - }, - { - "phrase": " Mm.", - "speaker": "ALIC" - }, - { - "phrase": " I wonder why.", - "speaker": "ALIC" - }, - { - "phrase": " Did daddy say to take the pickup back ?", - "speaker": "ALIC" - }, - { - "phrase": " Or what was the deal.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "MARY" - }, - { - "phrase": " Why.", - "speaker": "ALIC" - }, - { - "phrase": " Cause Phoebe needs it.", - "speaker": "MARY" - }, - { - "phrase": " What's wrong with the car.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " you didn't hear about it ?", - "speaker": "MARY" - }, - { - "phrase": " Hunhunh.", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " you did", - "speaker": "MARY" - }, - { - "phrase": " about how the engine was on fire ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " See there was oil spilling out", - "speaker": "MARY" - }, - { - "phrase": " leaking out from the valve cover.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " The valve cover gasket apparently cracked or whatever", - "speaker": "MARY" - }, - { - "phrase": " and there was oil coming out", - "speaker": "MARY" - }, - { - "phrase": " and the oil got hot", - "speaker": "MARY" - }, - { - "phrase": " and you know how it gets hot and smokes ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Well", - "speaker": "MARY" - }, - { - "phrase": " I guess enough came out", - "speaker": "MARY" - }, - { - "phrase": " because we were losing oil bad", - "speaker": "MARY" - }, - { - "phrase": " going from Billings to Crow", - "speaker": "MARY" - }, - { - "phrase": " um", - "speaker": "MARY" - }, - { - "phrase": " there's lot of...", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " smoke coming out", - "speaker": "MARY" - }, - { - "phrase": " and by the time we got to Hardin", - "speaker": "MARY" - }, - { - "phrase": " we had to put like uh", - "speaker": "MARY" - }, - { - "phrase": " three or four quarts in.", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " It was three.", - "speaker": "MARY" - }, - { - "phrase": " And", - "speaker": "MARY" - }, - { - "phrase": " by the time we got to...", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Crow", - "speaker": "MARY" - }, - { - "phrase": " it was", - "speaker": "MARY" - }, - { - "phrase": " it was one quart low.", - "speaker": "MARY" - }, - { - "phrase": " And there was smoke still coming from under the engine", - "speaker": "MARY" - }, - { - "phrase": " I figure if it was losing that much oil", - "speaker": "MARY" - }, - { - "phrase": " then it caught fire.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Cause the engine was hot", - "speaker": "MARY" - }, - { - "phrase": " cause there wasn't enough water in the radiator.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " I talked to Oscar about it", - "speaker": "MARY" - }, - { - "phrase": " and he said", - "speaker": "MARY" - }, - { - "phrase": " well I checked", - "speaker": "MARY" - }, - { - "phrase": " it was only", - "speaker": "MARY" - }, - { - "phrase": " it was only about", - "speaker": "MARY" - }, - { - "phrase": " I'd say half quart to quart short of water.", - "speaker": "MARY" - }, - { - "phrase": " But that shouldn't make any difference.", - "speaker": "MARY" - }, - { - "phrase": " He goes the only thing I can think of", - "speaker": "MARY" - }, - { - "phrase": " is that there was an air lock in there.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " And that running the engine out on the open road ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Caused that air lock to come through.", - "speaker": "MARY" - }, - { - "phrase": " flushed it out.", - "speaker": "MARY" - }, - { - "phrase": " And bust the gasket ?", - "speaker": "ALIC" - }, - { - "phrase": " No", - "speaker": "MARY" - }, - { - "phrase": " it would more or less um", - "speaker": "MARY" - }, - { - "phrase": " the engine wasn't being kept cool enough.", - "speaker": "MARY" - }, - { - "phrase": " Cause there wasn't enough fluid in the radiator.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " And", - "speaker": "MARY" - }, - { - "phrase": " you know how the radiator's", - "speaker": "MARY" - }, - { - "phrase": " the pipe's close to other parts of the engine ?", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " So what...", - "speaker": "ALIC" - }, - { - "phrase": " It was some part in there.", - "speaker": "MARY" - }, - { - "phrase": " caused the fire.", - "speaker": "ALIC" - }, - { - "phrase": " The engine being too hot", - "speaker": "MARY" - }, - { - "phrase": " and the oil leaking.", - "speaker": "MARY" - }, - { - "phrase": " So he knew that the oil was leaking ?", - "speaker": "ALIC" - }, - { - "phrase": " No", - "speaker": "MARY" - }, - { - "phrase": " we knew we were losing oil", - "speaker": "MARY" - }, - { - "phrase": " but we didn't know where.", - "speaker": "MARY" - }, - { - "phrase": " I just figured it was from that valve cover gasket.", - "speaker": "MARY" - }, - { - "phrase": " Just from lifting up the hood and looking at it.", - "speaker": "MARY" - }, - { - "phrase": " So what's he gonna do.", - "speaker": "ALIC" - }, - { - "phrase": " Well", - "speaker": "MARY" - }, - { - "phrase": " ʔand two of his wires", - "speaker": "MARY" - }, - { - "phrase": " the sparkplug wires ?", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " were fried all the way through.", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " So we took those off and we", - "speaker": "MARY" - }, - { - "phrase": " replaced them with some old ones out of the garage.", - "speaker": "MARY" - }, - { - "phrase": " I knew that.", - "speaker": "ALIC" - }, - { - "phrase": " And it runs.", - "speaker": "MARY" - }, - { - "phrase": " It runs.", - "speaker": "MARY" - }, - { - "phrase": " There's enough uh", - "speaker": "MARY" - }, - { - "phrase": " radiator fluid in there.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " so that it will", - "speaker": "MARY" - }, - { - "phrase": " It's it's enough.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " But I think running it out on the open road", - "speaker": "MARY" - }, - { - "phrase": " will cause it possibly to shoot more oil out.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " That valve cover gasket has to be replaced.", - "speaker": "MARY" - }, - { - "phrase": " Hm.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " Oh I freaked Cookie and", - "speaker": "MARY" - }, - { - "phrase": " Rita and", - "speaker": "MARY" - }, - { - "phrase": " Gary out tonight.", - "speaker": "MARY" - }, - { - "phrase": " Remember the Plainfeather uh Claypit ?", - "speaker": "MARY" - }, - { - "phrase": " where that red clay is ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Right there.", - "speaker": "MARY" - }, - { - "phrase": " I saw my my speedometer just go Brr.", - "speaker": "MARY" - }, - { - "phrase": " like that just down.", - "speaker": "MARY" - }, - { - "phrase": " You know", - "speaker": "MARY" - }, - { - "phrase": " and I knew exactly what it was.", - "speaker": "MARY" - }, - { - "phrase": " What I have to do", - "speaker": "MARY" - }, - { - "phrase": " is take off the distributor wire", - "speaker": "MARY" - }, - { - "phrase": " and splice it in with the fuel pump wire.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Because my fuel pump is now electric", - "speaker": "MARY" - }, - { - "phrase": " Never used to be.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Hand me that ashtray.", - "speaker": "MARY" - }, - { - "phrase": " Or your light", - "speaker": "MARY" - }, - { - "phrase": " I mean.", - "speaker": "MARY" - }, - { - "phrase": " Your light.", - "speaker": "MARY" - }, - { - "phrase": " It's behind the sewing machine.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " And uh", - "speaker": "MARY" - }, - { - "phrase": " sometimes it gets loose.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " And no more fuel.", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " So I stopped the car", - "speaker": "MARY" - }, - { - "phrase": " and they said what are you doing.", - "speaker": "MARY" - }, - { - "phrase": " I said", - "speaker": "MARY" - }, - { - "phrase": " oh", - "speaker": "MARY" - }, - { - "phrase": " I gotta tighten this wire here.", - "speaker": "MARY" - }, - { - "phrase": " So I had Cookie turn on the ignition and turn it off.", - "speaker": "MARY" - }, - { - "phrase": " So", - "speaker": "MARY" - }, - { - "phrase": " cause see", - "speaker": "MARY" - }, - { - "phrase": " once you turn that key on", - "speaker": "MARY" - }, - { - "phrase": " then you hear theʔ", - "speaker": "MARY" - }, - { - "phrase": " the fuel pump come on.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And if the wire's not connected right", - "speaker": "MARY" - }, - { - "phrase": " it doesn't come on.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " So I did that", - "speaker": "MARY" - }, - { - "phrase": " and I lit match to find out where I was", - "speaker": "MARY" - }, - { - "phrase": " and", - "speaker": "MARY" - }, - { - "phrase": " after everything was hunkydory", - "speaker": "MARY" - }, - { - "phrase": " then I", - "speaker": "MARY" - }, - { - "phrase": " shut the hood", - "speaker": "MARY" - }, - { - "phrase": " and got back in", - "speaker": "MARY" - }, - { - "phrase": " and I started up the engine and", - "speaker": "MARY" - }, - { - "phrase": " both Gary and Rita were sitting on the edges of their seat.", - "speaker": "MARY" - }, - { - "phrase": " And I turned around and I looked", - "speaker": "MARY" - }, - { - "phrase": " and I said", - "speaker": "MARY" - }, - { - "phrase": " did I scare you kids ?", - "speaker": "MARY" - }, - { - "phrase": " They wouldn't say anything", - "speaker": "MARY" - }, - { - "phrase": " then Gary goes", - "speaker": "MARY" - }, - { - "phrase": " yeah", - "speaker": "MARY" - }, - { - "phrase": " I was scared.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " But I freakedthemout", - "speaker": "MARY" - }, - { - "phrase": " I don't know.", - "speaker": "MARY" - }, - { - "phrase": " Then daddy said something about the steering column on my car needing work ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Said long as I don't drive it fast", - "speaker": "MARY" - }, - { - "phrase": " it should be alright.", - "speaker": "MARY" - }, - { - "phrase": " But oh man I don't know.", - "speaker": "MARY" - }, - { - "phrase": " See the thing about it is", - "speaker": "MARY" - }, - { - "phrase": " if I go after Ken", - "speaker": "MARY" - }, - { - "phrase": " I'm not really gonna have any money.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " to um", - "speaker": "MARY" - }, - { - "phrase": " you know", - "speaker": "MARY" - }, - { - "phrase": " do things.", - "speaker": "MARY" - }, - { - "phrase": " I'm not saying I'm gonna pay for everything", - "speaker": "MARY" - }, - { - "phrase": " but", - "speaker": "MARY" - }, - { - "phrase": " I don't want to be broke around him.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " I know", - "speaker": "ALIC" - }, - { - "phrase": " that really sucks.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I wanna at least be able to put gas in the car.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " and go do something.", - "speaker": "MARY" - }, - { - "phrase": " I don't think it's such good idea for you to go up there in the winter.", - "speaker": "ALIC" - }, - { - "phrase": " Mm.", - "speaker": "MARY" - }, - { - "phrase": " I've been thinking about that.", - "speaker": "MARY" - }, - { - "phrase": " We should all get some money together and", - "speaker": "ALIC" - }, - { - "phrase": " is there any way he could like.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " meet us in Great Falls or something ?", - "speaker": "ALIC" - }, - { - "phrase": " Cause I'd like to go up there and go to the", - "speaker": "ALIC" - }, - { - "phrase": " um", - "speaker": "ALIC" - }, - { - "phrase": " Red Lobster ?", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I've been just", - "speaker": "ALIC" - }, - { - "phrase": " craving seafood.", - "speaker": "ALIC" - }, - { - "phrase": " That's the halfway point", - "speaker": "MARY" - }, - { - "phrase": " he could do it.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " I bet he could do it.", - "speaker": "MARY" - }, - { - "phrase": " When though.", - "speaker": "MARY" - }, - { - "phrase": " I don't know.", - "speaker": "ALIC" - }, - { - "phrase": " He goes back to school like the second.", - "speaker": "MARY" - }, - { - "phrase": " ʔuh", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "ALIC" - }, - { - "phrase": " shoot.", - "speaker": "ALIC" - }, - { - "phrase": " Well isn't there any way", - "speaker": "ALIC" - }, - { - "phrase": " like we.", - "speaker": "ALIC" - }, - { - "phrase": " that we could just meet him up there and", - "speaker": "ALIC" - }, - { - "phrase": " maybe...", - "speaker": "ALIC" - }, - { - "phrase": " What", - "speaker": "MARY" - }, - { - "phrase": " bring him down ?", - "speaker": "MARY" - }, - { - "phrase": " Bring him down", - "speaker": "ALIC" - }, - { - "phrase": " or", - "speaker": "ALIC" - }, - { - "phrase": " I don't wanna take your car.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " I was gonna ask you and mom", - "speaker": "ALIC" - }, - { - "phrase": " too", - "speaker": "ALIC" - }, - { - "phrase": " if you could um", - "speaker": "ALIC" - }, - { - "phrase": " take care of Trace for couple days next week.", - "speaker": "ALIC" - }, - { - "phrase": " Oh ?", - "speaker": "MARY" - }, - { - "phrase": " What you got in mind.", - "speaker": "MARY" - }, - { - "phrase": " I need to get caught up on my work.", - "speaker": "ALIC" - }, - { - "phrase": " Wednesday I have an appointment at nine thirty.", - "speaker": "MARY" - }, - { - "phrase": " Mom's off", - "speaker": "ALIC" - }, - { - "phrase": " isn't she ?", - "speaker": "ALIC" - }, - { - "phrase": " Oh", - "speaker": "MARY" - }, - { - "phrase": " that's right.", - "speaker": "MARY" - }, - { - "phrase": " That's right.", - "speaker": "MARY" - }, - { - "phrase": " Yeah I think that'd", - "speaker": "ALIC" - }, - { - "phrase": " I think that'd um", - "speaker": "ALIC" - }, - { - "phrase": " work out", - "speaker": "ALIC" - }, - { - "phrase": " like if she had to go shopping or something maybe you could go with her", - "speaker": "ALIC" - }, - { - "phrase": " and help her with him ?", - "speaker": "ALIC" - }, - { - "phrase": "And Nicky helps her with him a lot anyway.", - "speaker": "ALIC" - }, - { - "phrase": " And then of course he adores me.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " I remember I was pregnant with Nicky.", - "speaker": "MARY" - }, - { - "phrase": " And uh", - "speaker": "MARY" - }, - { - "phrase": " Boots's little boy", - "speaker": "MARY" - }, - { - "phrase": " he really liked me.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " when I was pregnant with her ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " ʔuh You know how it is when we're pregnant", - "speaker": "MARY" - }, - { - "phrase": " we get real sleepy ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " I'd fall asleep on the couch", - "speaker": "MARY" - }, - { - "phrase": " and he'd lay by me.", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And he'd fall asleep with me.", - "speaker": "MARY" - }, - { - "phrase": " And I remember he would.", - "speaker": "MARY" - }, - { - "phrase": " I woke up", - "speaker": "MARY" - }, - { - "phrase": " and here he was gone", - "speaker": "MARY" - }, - { - "phrase": " his mother carried him in the other room.", - "speaker": "MARY" - }, - { - "phrase": " Mhm ", - "speaker": "ALIC" - }, - { - "phrase": " and God", - "speaker": "MARY" - }, - { - "phrase": " that kind of pissed me off.", - "speaker": "MARY" - }, - { - "phrase": " Was.", - "speaker": "ALIC" - }, - { - "phrase": " Would um", - "speaker": "ALIC" - }, - { - "phrase": " Was Nicky mad when Trace was boy ?", - "speaker": "ALIC" - }, - { - "phrase": " Kind of.", - "speaker": "MARY" - }, - { - "phrase": " She thinks I should have twins.", - "speaker": "MARY" - }, - { - "phrase": " Twin girls.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " But I don't think she'll realize the uh", - "speaker": "MARY" - }, - { - "phrase": " sibling rivalry.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " But I don't know", - "speaker": "MARY" - }, - { - "phrase": " she's six years old now.", - "speaker": "MARY" - }, - { - "phrase": " And they say that if there's six years between children", - "speaker": "MARY" - }, - { - "phrase": " there's not that much rivalry.", - "speaker": "MARY" - }, - { - "phrase": " After four there's almost none.", - "speaker": "ALIC" - }, - { - "phrase": " Really ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Cause they're.", - "speaker": "MARY" - }, - { - "phrase": " Four is ideal.", - "speaker": "ALIC" - }, - { - "phrase": " they're kind of in different worlds.", - "speaker": "MARY" - }, - { - "phrase": " Yeah.", - "speaker": "ALIC" - }, - { - "phrase": " Because", - "speaker": "ALIC" - }, - { - "phrase": " see", - "speaker": "ALIC" - }, - { - "phrase": " Trace will be", - "speaker": "ALIC" - }, - { - "phrase": " the next time I have baby", - "speaker": "ALIC" - }, - { - "phrase": " Trace will probably be", - "speaker": "ALIC" - }, - { - "phrase": " about three ?", - "speaker": "ALIC" - }, - { - "phrase": " four ?", - "speaker": "ALIC" - }, - { - "phrase": " Hm.", - "speaker": "MARY" - }, - { - "phrase": " That's when I'm gonna get this shit taken out.", - "speaker": "ALIC" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - }, - { - "phrase": " Tammy Kashen has one of these too.", - "speaker": "ALIC" - }, - { - "phrase": " What is it.", - "speaker": "MARY" - }, - { - "phrase": " Norplant ?", - "speaker": "ALIC" - }, - { - "phrase": " Oh really.", - "speaker": "MARY" - }, - { - "phrase": " Deon told me.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I asked him what his intentions were with her.", - "speaker": "ALIC" - }, - { - "phrase": " Cause I told him I thought he was too young to be so involved.", - "speaker": "ALIC" - }, - { - "phrase": " Gwen was telling me that", - "speaker": "MARY" - }, - { - "phrase": " Did she talk to you lately ?", - "speaker": "MARY" - }, - { - "phrase": " Hmm.", - "speaker": "ALIC" - }, - { - "phrase": " They had cyst on her ovary.", - "speaker": "MARY" - }, - { - "phrase": " And they had to go in and take it out ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " Take out that cyst ?", - "speaker": "MARY" - }, - { - "phrase": " Mhm.", - "speaker": "ALIC" - }, - { - "phrase": " And it's really screwed up her uh.", - "speaker": "MARY" - }, - { - "phrase": " menstrual.", - "speaker": "ALIC" - }, - { - "phrase": " cycle ?", - "speaker": "ALIC" - }, - { - "phrase": " her cycle", - "speaker": "MARY" - }, - { - "phrase": " her", - "speaker": "MARY" - }, - { - "phrase": " her hormones ?", - "speaker": "MARY" - }, - { - "phrase": " Unhunh.", - "speaker": "ALIC" - }, - { - "phrase": " And they said that she might have to get pregnant again", - "speaker": "MARY" - }, - { - "phrase": " just to straighten it out.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " So", - "speaker": "MARY" - }, - { - "phrase": " and then she goes", - "speaker": "MARY" - }, - { - "phrase": " so tell.", - "speaker": "MARY" - }, - { - "phrase": " tell Deon.", - "speaker": "MARY" - }, - { - "phrase": " And she really laughed.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "ALIC" - }, - { - "phrase": " I don't know if Tammy would be too happy with that though.", - "speaker": "MARY" - }, - { - "phrase": " Seems to me that she's trying to straighten herself out", - "speaker": "MARY" - }, - { - "phrase": " and", - "speaker": "MARY" - }, - { - "phrase": " pursue family.", - "speaker": "MARY" - }, - { - "phrase": " Tammy ?", - "speaker": "ALIC" - }, - { - "phrase": " What do you think.", - "speaker": "MARY" - }, - { - "phrase": " I don't know.", - "speaker": "ALIC" - }, - { - "phrase": " Or do you think it might be matter of convenience.", - "speaker": "MARY" - }, - { - "phrase": " I think it's convenience for both of em.", - "speaker": "ALIC" - }, - { - "phrase": " Yeah ?", - "speaker": "MARY" - }, - { - "phrase": " Yeah ?", - "speaker": "MARY" - }, - { - "phrase": " It's also convenience for Cookie.", - "speaker": "ALIC" - }, - { - "phrase": " Oh yeah.", - "speaker": "MARY" - }, - { - "phrase": "PAUSE", - "speaker": "MARY" - } - ] - }, - "id": 6 - } -] diff --git a/annotators/speech_function_predictor/server.py b/annotators/speech_function_predictor/server.py index 1a670e1dc5..6480c4b780 100644 --- a/annotators/speech_function_predictor/server.py +++ b/annotators/speech_function_predictor/server.py @@ -32,7 +32,7 @@ def predict(label_name): class_id = class_dict[label_name] except KeyError: return {} - sorted_classes = sorted(enumerate(counters[class_id]), reverse=False, key=lambda x: x[1]) + sorted_classes = sorted(enumerate(counters[class_id]), reverse=True, key=lambda x: x[1]) sorted_classes = [x for x in sorted_classes if x[1] > 0] return [{"prediction": label_to_name[label], "confidence": probability} for label, probability in sorted_classes] diff --git a/annotators/speech_function_predictor/sf_pairs.json b/annotators/speech_function_predictor/sf_pairs.json new file mode 100644 index 0000000000..99943111e5 --- /dev/null +++ b/annotators/speech_function_predictor/sf_pairs.json @@ -0,0 +1,1274 @@ +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"React.Respond.Support.Reply.Accept","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Engage"} +{"prev_sf":"React.Respond.Support.Engage","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Open.Command"} +{"prev_sf":"Open.Command","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"Open.Attend","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"Open.Demand","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Attend","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge.Detach"} +{"prev_sf":"React.Rejoinder.Confront.Challenge.Detach","current_sf":"React.Rejoinder.Confront.Challenge.Detach"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Engage"} +{"prev_sf":"React.Respond.Support.Engage","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Attend","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Command"} +{"prev_sf":"Open.Command","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Command"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Command","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Engage"} +{"prev_sf":"React.Respond.Support.Engage","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Command"} +{"prev_sf":"React.Respond.Command","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Attend","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge.Detach"} +{"prev_sf":"React.Rejoinder.Confront.Challenge.Detach","current_sf":"React.Rejoinder.Confront.Challenge.Detach"} +{"prev_sf":"Open.Attend","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"Open.Attend","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"React.Respond.Support.Reply.Accept","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"Open.Attend","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"Open.Attend","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"React.Respond.Support.Reply.Accept","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Engage"} +{"prev_sf":"React.Respond.Support.Engage","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"React.Respond.Support.Reply.Accept","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Command","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Engage"} +{"prev_sf":"React.Respond.Support.Engage","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"React.Respond.Support.Reply.Accept","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"Open.Demand","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"Open.Attend"} +{"prev_sf":"Open.Attend","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Attend","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply.Accept"} +{"prev_sf":"React.Respond.Support.Reply.Accept","current_sf":"Open.Demand"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Open.Give"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"Open.Give","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Confront.Reply"} +{"prev_sf":"React.Respond.Confront.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Demand","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Open.Give","current_sf":"React.Respond.Support.Register"} +{"prev_sf":"React.Respond.Support.Register","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Develop"} +{"prev_sf":"React.Respond.Support.Develop","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Support.Response.Resolve"} +{"prev_sf":"React.Rejoinder.Support.Response.Resolve","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Reply"} +{"prev_sf":"React.Respond.Support.Reply","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"React.Rejoinder.Confront.Challenge"} +{"prev_sf":"React.Rejoinder.Confront.Challenge","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Rejoinder.Support.Track"} +{"prev_sf":"React.Rejoinder.Support.Track","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"Sustain.Continue.Prolong"} +{"prev_sf":"Sustain.Continue.Prolong","current_sf":"React.Respond.Support.Register"} From edb1a2532903a3c44a5ebb0a87a85cc981fabdb2 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 12:29:16 +0300 Subject: [PATCH 42/82] dp_formatter fixed for sfp --- .../dream_ranking_and_sf_based_dm/pipeline_conf.json | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 9beca4683b..8cdeb37ccf 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -107,7 +107,7 @@ "timeout": 5.0, "url": "http://speech-function-predictor:8107/annotation" }, - "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", + "dialog_formatter": "state_formatters.dp_formatters:speech_function_predictor_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", "previous_services": [ "annotators.speech_function_classifier" From 084df854a9063b6ca6502238b7a2cedc4e118004 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 12:46:46 +0300 Subject: [PATCH 43/82] sfp formatter changed & sfp FAPI -> Flask --- .../speech_function_predictor/server.py | 19 ++++++------------- state_formatters/dp_formatters.py | 2 +- 2 files changed, 7 insertions(+), 14 deletions(-) diff --git a/annotators/speech_function_predictor/server.py b/annotators/speech_function_predictor/server.py index 6480c4b780..824a7a20af 100644 --- a/annotators/speech_function_predictor/server.py +++ b/annotators/speech_function_predictor/server.py @@ -4,8 +4,7 @@ import time import sentry_sdk -from fastapi import FastAPI -from starlette.middleware.cors import CORSMiddleware +from flask import Flask, request, jsonify from model import init_model @@ -14,14 +13,7 @@ logging.basicConfig(format="%(asctime)s - %(name)s - %(levelname)s - %(message)s", level=logging.INFO) logger = logging.getLogger(__name__) -app = FastAPI() -app.add_middleware( - CORSMiddleware, - allow_origins=["*"], - allow_credentials=True, - allow_methods=["*"], - allow_headers=["*"], -) +app = Flask(__name__) class_dict, counters, label_to_name = init_model() @@ -56,7 +48,7 @@ async def handler(payload: List[str]): return responses -@app.post("/model") +@app.route("/model", methods=["POST"]) async def answer(payload: List[str]): st_time = time.time() responses = await handler(payload) @@ -65,9 +57,10 @@ async def answer(payload: List[str]): return responses -@app.post("/annotation") -async def annotation(payload: List[str]): +@app.route("/annotation", methods=["POST"]) +async def annotation(): st_time = time.time() + payload = request.json.get("funcs", []) responses = await handler(payload) total_time = time.time() - st_time logger.info(f"speech_function_predictor batch exec time: {total_time:.3f}s") diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index c045b5fdb0..e2086ea73d 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1177,7 +1177,7 @@ def speech_function_annotation(dialog: Dict): def speech_function_predictor_formatter(dialog: Dict): - return [dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""])] + return [{"funcs": dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""])}] def speech_function_hypotheses_predictor_formatter(dialog: Dict): From 68d96a6e2aeebd374467f1d1827059608c72adc1 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 12:49:02 +0300 Subject: [PATCH 44/82] reqs fixed for sfp --- annotators/speech_function_predictor/requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/annotators/speech_function_predictor/requirements.txt b/annotators/speech_function_predictor/requirements.txt index 40a336080e..11629508fd 100644 --- a/annotators/speech_function_predictor/requirements.txt +++ b/annotators/speech_function_predictor/requirements.txt @@ -1,4 +1,4 @@ -fastapi==0.47.1 +Flask==2.2.3 uvicorn==0.11.7 sentry_sdk==0.13.3 requests==2.26.0 From 09bfa250760b3c920df06c6dc339bed5d816d25f Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 13:03:53 +0300 Subject: [PATCH 45/82] reqs fixed again --- annotators/speech_function_predictor/requirements.txt | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_predictor/requirements.txt b/annotators/speech_function_predictor/requirements.txt index 11629508fd..46af7fc7f3 100644 --- a/annotators/speech_function_predictor/requirements.txt +++ b/annotators/speech_function_predictor/requirements.txt @@ -1,6 +1,6 @@ Flask==2.2.3 uvicorn==0.11.7 sentry_sdk==0.13.3 -requests==2.26.0 +requests>=2.25.1 jinja2<=3.0.3 -Werkzeug<=2.0.3 \ No newline at end of file +Werkzeug>=2.2.2 \ No newline at end of file From 3db5027f923f5f3979c80dabdd05f6b7e6c6ffe8 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 13:07:55 +0300 Subject: [PATCH 46/82] uvicorn -> gunicorn for sfp --- annotators/speech_function_predictor/requirements.txt | 2 +- .../dream_ranking_and_sf_based_dm/docker-compose.override.yml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_predictor/requirements.txt b/annotators/speech_function_predictor/requirements.txt index 46af7fc7f3..fc37ff2f10 100644 --- a/annotators/speech_function_predictor/requirements.txt +++ b/annotators/speech_function_predictor/requirements.txt @@ -1,5 +1,5 @@ Flask==2.2.3 -uvicorn==0.11.7 +gunicorn==19.9.0 sentry_sdk==0.13.3 requests>=2.25.1 jinja2<=3.0.3 diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index f1e05c0ef0..8d9f465404 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -508,7 +508,7 @@ services: SERVICE_PORT: 8107 SERVICE_NAME: speech_function_predictor context: ./annotators/speech_function_predictor - command: uvicorn server:app --host 0.0.0.0 --port 8107 + command: gunicorn --workers=1 server:app -b 0.0.0.0:8107 environment: - CUDA_VISIBLE_DEVICES=0 deploy: From b19c326b04809c16e76f2cc769b2d02781fe61d8 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 13:11:22 +0300 Subject: [PATCH 47/82] typo in reqs fixed --- annotators/speech_function_predictor/requirements.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/annotators/speech_function_predictor/requirements.txt b/annotators/speech_function_predictor/requirements.txt index fc37ff2f10..4b0d5cac19 100644 --- a/annotators/speech_function_predictor/requirements.txt +++ b/annotators/speech_function_predictor/requirements.txt @@ -3,4 +3,4 @@ gunicorn==19.9.0 sentry_sdk==0.13.3 requests>=2.25.1 jinja2<=3.0.3 -Werkzeug>=2.2.2 \ No newline at end of file +Werkzeug==2.2.2 \ No newline at end of file From db94f2c56dbab61388c43a76ad617857ff7c6042 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 15:18:00 +0300 Subject: [PATCH 48/82] asyncs removed from sfp --- annotators/speech_function_predictor/server.py | 10 +++++----- 1 file changed, 5 insertions(+), 5 deletions(-) diff --git a/annotators/speech_function_predictor/server.py b/annotators/speech_function_predictor/server.py index 824a7a20af..c46b42c30f 100644 --- a/annotators/speech_function_predictor/server.py +++ b/annotators/speech_function_predictor/server.py @@ -38,7 +38,7 @@ def predict(label_name): raise e -async def handler(payload: List[str]): +def handler(payload: List[str]): responses = [{}] * len(payload) try: responses = [predict(speech_function) for speech_function in payload] @@ -49,19 +49,19 @@ async def handler(payload: List[str]): @app.route("/model", methods=["POST"]) -async def answer(payload: List[str]): +def answer(payload: List[str]): st_time = time.time() - responses = await handler(payload) + responses = handler(payload) total_time = time.time() - st_time logger.info(f"speech_function_predictor model exec time: {total_time:.3f}s") return responses @app.route("/annotation", methods=["POST"]) -async def annotation(): +def annotation(): st_time = time.time() payload = request.json.get("funcs", []) - responses = await handler(payload) + responses = handler(payload) total_time = time.time() - st_time logger.info(f"speech_function_predictor batch exec time: {total_time:.3f}s") return [{"batch": responses}] From 309d23af049d29b723374a8e401c6de56103d922 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 11 Oct 2023 16:33:27 +0300 Subject: [PATCH 49/82] minor dp formatter and rs fix --- .../server.py | 15 +++++++++++---- state_formatters/dp_formatters.py | 8 +++++++- 2 files changed, 18 insertions(+), 5 deletions(-) diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 438bfedc3a..671c5063f7 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -93,8 +93,11 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma # --------------------------------------------------------------------------------------------------------- # sfc-based scaling - speech_predictor = last_human_ann_uttr["annotations"].get("speech_function_predictor", []) - speech_annotation = last_human_ann_uttr["annotations"].get("speech_function_classifier", []) + try: + speech_predictor = last_human_ann_uttr["annotations"].get("speech_function_predictor", [])["batch"][0] + speech_annotation = last_human_ann_uttr["annotations"].get("speech_function_classifier", [])["batch"][0][0] + except Exception as e: + logger.error(f"speech functions failed: {e}") human_named_entities = get_entities(last_human_ann_uttr, only_named=True, with_labels=False) human_entities = get_entities(last_human_ann_uttr, only_named=False, with_labels=False) @@ -116,8 +119,12 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma _same_entities = len(get_common_tokens_in_lists_of_strings(hyp_entities, human_entities)) > 0 _hyp_wants_to_chat_about_topic = if_chat_about_particular_topic(hyp) and "about it" not in hyp["text"].lower() - speech_predictor_hyps = [v["prediction"] for v in speech_predictor] - speech_predictor_scores = [v["confidence"] for v in speech_predictor] + try: + speech_predictor_hyps = [v["prediction"] for v in speech_predictor] + speech_predictor_scores = [v["confidence"] for v in speech_predictor] + except TypeError: + logger.error(f"Warning! The speech_predictor_classifier data is either empty or corrupt.") + return try: speech_index = speech_predictor_hyps.index(speech_annotation) scores[hyp_id] += speech_predictor_scores[speech_index] diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index e2086ea73d..f695c784c3 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1177,7 +1177,13 @@ def speech_function_annotation(dialog: Dict): def speech_function_predictor_formatter(dialog: Dict): - return [{"funcs": dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""])}] + res = None + try: + res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) + res = res["batch"][0][0] + except Exception as e: + logger.error(f"Failed to format sfc output: {e}") + return [{"funcs": res}] def speech_function_hypotheses_predictor_formatter(dialog: Dict): From 810f55c167824037389043459c2ab2a1f84ea0c9 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 16 Oct 2023 11:37:09 +0300 Subject: [PATCH 50/82] many pr fixes --- .../dream_ranking_and_sf_based_dm/cpu.yml | 3 ++ .../docker-compose.override.yml | 2 -- .../pipeline_conf.json | 16 +++++++++++ assistant_dists/dream_sfc/dev.yml | 6 ---- .../dream_sfc/docker-compose.override.yml | 28 +------------------ assistant_dists/dream_sfc/pipeline_conf.json | 8 +++--- 6 files changed, 24 insertions(+), 39 deletions(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml b/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml index d90f6d159e..6d112847c7 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml @@ -25,3 +25,6 @@ services: intent-catcher: environment: CUDA_VISIBLE_DEVICES: "" + speech-function-classifier: + environment: + CUDA_VISIBLE_DEVICES: "" \ No newline at end of file diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 8d9f465404..001d54712c 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -9,8 +9,6 @@ services: entity-detection:8103, speech-function-classifier:8108, sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059, speech-function-predictor:8107" - - WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} HIGH_PRIORITY_INTENTS: 1 RESTRICTION_FOR_SENSITIVE_CASE: 1 diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 8cdeb37ccf..b8dcf662d6 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -376,6 +376,22 @@ } }, "candidate_annotators": { + "speech_function_classifier": { + "connector": { + "protocol": "http", + "timeout": 5.0, + "url": "http://speech-function-classifier:8108/annotation" + }, + "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [], + "state_manager_method": "add_hypothesis_annotation_batch", + "is_enabled": true, + "source": { + "component": "components/IvTBJz0AoCD98qMOkbXEkg.yml", + "service": "annotators/speech_function_classifier/service_configs/speech-function-classifier" + } + }, "entity_detection": { "connector": { "protocol": "http", diff --git a/assistant_dists/dream_sfc/dev.yml b/assistant_dists/dream_sfc/dev.yml index c3f90244ae..157422968f 100755 --- a/assistant_dists/dream_sfc/dev.yml +++ b/assistant_dists/dream_sfc/dev.yml @@ -400,10 +400,4 @@ services: - "~/.deeppavlov/cache:/root/.cache" ports: - 8107:8107 - ranking-based-response-selector: - volumes: - - "./response_selectors/ranking_and_sf_based_response_selector:/src" - - "./common:/src/common" - ports: - - 8081:8081 version: "3.7" diff --git a/assistant_dists/dream_sfc/docker-compose.override.yml b/assistant_dists/dream_sfc/docker-compose.override.yml index 6d2161b2e8..7c88a99303 100644 --- a/assistant_dists/dream_sfc/docker-compose.override.yml +++ b/assistant_dists/dream_sfc/docker-compose.override.yml @@ -3,8 +3,7 @@ services: command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.pipeline_config=assistant_dists/dream_sfc/pipeline_conf.json' environment: WAIT_HOSTS: "convers-evaluator-annotator:8004, - spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, ranking-and-sf-based-response-selector:8081, - intent-responder:8012, intent-catcher:8014, badlisted-words:8018, + spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, intent-responder:8012, intent-catcher:8014, badlisted-words:8018, sentrewrite:8017, ner:8021, dff-program-y-dangerous:8022, dff-movie-skill:8023, convert-reddit:8029, personal-info-skill:8030, asr:8031, misheard-asr:8033, dff-weather-skill:8037, eliza:8047, emotion-skill:8049, dummy-skill-dialog:8052, comet-atomic:8053, meta-script-skill:8054, @@ -47,31 +46,6 @@ services: reservations: memory: 2G - ranking-based-response-selector: - env_file: [ .env ] - build: - args: - SERVICE_PORT: 8081 - SERVICE_NAME: response_selector - LANGUAGE: EN - SENTENCE_RANKER_ANNOTATION_NAME: sentence_ranker - SENTENCE_RANKER_SERVICE_URL: http://sentence-ranker:8128/respond - SENTENCE_RANKER_TIMEOUT: 3 - N_UTTERANCES_CONTEXT: 5 - FILTER_TOXIC_OR_BADLISTED: 1 - FALLBACK_FILE: fallbacks_dream_en.json - context: . - dockerfile: ./response_selectors/ranking_and_sf_based_response_selector/Dockerfile - command: flask run -h 0.0.0.0 -p 8081 - environment: - - FLASK_APP=server - deploy: - resources: - limits: - memory: 100M - reservations: - memory: 100M - spacy-nounphrases: env_file: [ .env ] build: diff --git a/assistant_dists/dream_sfc/pipeline_conf.json b/assistant_dists/dream_sfc/pipeline_conf.json index 079791b675..b90eb31b94 100644 --- a/assistant_dists/dream_sfc/pipeline_conf.json +++ b/assistant_dists/dream_sfc/pipeline_conf.json @@ -1512,9 +1512,9 @@ "connector": { "protocol": "http", "timeout": 1.0, - "url": "http://ranking-and-sf-based-response-selector:8081/respond" + "url": "http://scripts-priority-selector:8009/respond" }, - "dialog_formatter": "state_formatters.dp_formatters:cropped_dialog", + "dialog_formatter": "state_formatters.dp_formatters:full_history_dialog", "response_formatter": "state_formatters.dp_formatters:base_response_selector_formatter_service", "previous_services": [ "candidate_annotators" @@ -1522,8 +1522,8 @@ "state_manager_method": "add_bot_utterance", "is_enabled": true, "source": { - "component": "components/ksDjnfoiwur902hriwnefkwfi2.yml", - "service": "response_selectors/ranking_and_sf_based_response_selector/service_configs/ranking-and-sf-based-response-selector" + "component": "components/3vsfbB89yVpQm5OVW0YcvQ.yml", + "service": "response_selectors/convers_evaluation_based_selector/service_configs/scripts-priority-selector" } } } From 1987c4f9166918ca59e674c33a696ce6bc0d12a1 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 16 Oct 2023 14:37:28 +0300 Subject: [PATCH 51/82] small sfc revamp --- .../speech_function_classifier/server.py | 25 +++++++++++++++++-- .../speech_function_predictor/server.py | 9 ++++--- .../pipeline_conf.json | 6 ++--- state_formatters/dp_formatters.py | 3 ++- 4 files changed, 33 insertions(+), 10 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index d0f212f84b..e828157e30 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -46,7 +46,28 @@ def handler(payload: List[Dict]): return responses -@app.route("/annotation", methods=["POST"]) +@app.route("/respond", methods=["POST"]) # annotation +def answer(): + st_time = time.time() + phrases = request.json.get("phrase", []) + prev_phrases = [request.json.get("prev_phrase", [])] + prev_speech_funcs = [request.json.get("prev_speech_function", [])] + payloads = [] + for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): + payloads.append( + { + "phrase": sent_tokenize(phr), + "prev_phrase": prev_phr, + "prev_speech_function": prev_speech_func + } + ) + responses = handler(payloads) + total_time = time.time() - st_time + logger.info(f"speech_function_classifier model exec time: {total_time:.3f}s") + return jsonify(responses) + + +@app.route("/respond_batch", methods=["POST"]) # candidate annotator def annotation(): st_time = time.time() phrases = request.json.get("phrase", []) @@ -60,7 +81,7 @@ def annotation(): "prev_phrase": prev_phr, "prev_speech_function": prev_speech_func } - ) + ) responses = handler(payloads) total_time = time.time() - st_time logger.info(f"speech_function_classifier batch exec time: {total_time:.3f}s") diff --git a/annotators/speech_function_predictor/server.py b/annotators/speech_function_predictor/server.py index c46b42c30f..2c5f0898bf 100644 --- a/annotators/speech_function_predictor/server.py +++ b/annotators/speech_function_predictor/server.py @@ -48,16 +48,17 @@ def handler(payload: List[str]): return responses -@app.route("/model", methods=["POST"]) -def answer(payload: List[str]): +@app.route("/respond", methods=["POST"]) +def answer(): st_time = time.time() + payload = request.json.get("funcs", []) responses = handler(payload) total_time = time.time() - st_time logger.info(f"speech_function_predictor model exec time: {total_time:.3f}s") - return responses + return jsonify(responses) -@app.route("/annotation", methods=["POST"]) +@app.route("/respond_batch", methods=["POST"]) # /annotation & /model -> /respond_batch & /respond def annotation(): st_time = time.time() payload = request.json.get("funcs", []) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index b8dcf662d6..50b2d474f0 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -89,7 +89,7 @@ "connector": { "protocol": "http", "timeout": 5.0, - "url": "http://speech-function-classifier:8108/annotation" + "url": "http://speech-function-classifier:8108/respond" }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", @@ -105,7 +105,7 @@ "connector": { "protocol": "http", "timeout": 5.0, - "url": "http://speech-function-predictor:8107/annotation" + "url": "http://speech-function-predictor:8107/respond" }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_predictor_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", @@ -380,7 +380,7 @@ "connector": { "protocol": "http", "timeout": 5.0, - "url": "http://speech-function-classifier:8108/annotation" + "url": "http://speech-function-classifier:8108/respond_batch" }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index f695c784c3..6e08e3116b 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1180,7 +1180,8 @@ def speech_function_predictor_formatter(dialog: Dict): res = None try: res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) - res = res["batch"][0][0] + logger.info(f"formatter log sfp/sfc: {res}") + res = res[0][0] except Exception as e: logger.error(f"Failed to format sfc output: {e}") return [{"funcs": res}] From 89fb8724318106e671ffcf2b0d43da33fd0f377f Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 16 Oct 2023 15:22:38 +0300 Subject: [PATCH 52/82] another pr revampt --- annotators/speech_function_predictor/server.py | 1 + .../dream_ranking_and_sf_based_dm/pipeline_conf.json | 2 +- .../ranking_and_sf_based_response_selector/server.py | 4 ++-- state_formatters/dp_formatters.py | 2 +- 4 files changed, 5 insertions(+), 4 deletions(-) diff --git a/annotators/speech_function_predictor/server.py b/annotators/speech_function_predictor/server.py index 2c5f0898bf..25deef9432 100644 --- a/annotators/speech_function_predictor/server.py +++ b/annotators/speech_function_predictor/server.py @@ -54,6 +54,7 @@ def answer(): payload = request.json.get("funcs", []) responses = handler(payload) total_time = time.time() - st_time + logger.info(f"sfp RESULT: {responses}") logger.info(f"speech_function_predictor model exec time: {total_time:.3f}s") return jsonify(responses) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 50b2d474f0..bc48fb40fb 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -382,7 +382,7 @@ "timeout": 5.0, "url": "http://speech-function-classifier:8108/respond_batch" }, - "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", + "dialog_formatter": "state_formatters.dp_formatters:speech_function_bot_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", "previous_services": [], "state_manager_method": "add_hypothesis_annotation_batch", diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 671c5063f7..70535d3ef9 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -94,8 +94,8 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma # --------------------------------------------------------------------------------------------------------- # sfc-based scaling try: - speech_predictor = last_human_ann_uttr["annotations"].get("speech_function_predictor", [])["batch"][0] - speech_annotation = last_human_ann_uttr["annotations"].get("speech_function_classifier", [])["batch"][0][0] + speech_predictor = last_human_ann_uttr["annotations"].get("speech_function_predictor", []) + speech_annotation = last_human_ann_uttr["annotations"].get("speech_function_classifier", []) except Exception as e: logger.error(f"speech functions failed: {e}") human_named_entities = get_entities(last_human_ann_uttr, only_named=True, with_labels=False) diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index 6e08e3116b..bc66d3549c 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1181,7 +1181,7 @@ def speech_function_predictor_formatter(dialog: Dict): try: res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) logger.info(f"formatter log sfp/sfc: {res}") - res = res[0][0] + res = [item[0] for item in res] except Exception as e: logger.error(f"Failed to format sfc output: {e}") return [{"funcs": res}] From 5c31bda88655e3c0815b8a2a2d2c5e162fe721f6 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 16 Oct 2023 15:31:05 +0300 Subject: [PATCH 53/82] pr fix --- .../dream_ranking_and_sf_based_dm/pipeline_conf.json | 2 +- state_formatters/dp_formatters.py | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index bc48fb40fb..180929cdd4 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -382,7 +382,7 @@ "timeout": 5.0, "url": "http://speech-function-classifier:8108/respond_batch" }, - "dialog_formatter": "state_formatters.dp_formatters:speech_function_bot_formatter", + "dialog_formatter": "state_formatters.dp_formatters:speech_function_hypotheses_predictor_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", "previous_services": [], "state_manager_method": "add_hypothesis_annotation_batch", diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index bc66d3549c..647d8bf075 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1180,8 +1180,8 @@ def speech_function_predictor_formatter(dialog: Dict): res = None try: res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) - logger.info(f"formatter log sfp/sfc: {res}") res = [item[0] for item in res] + logger.info(f"formatter log sfp/sfc: {res}") except Exception as e: logger.error(f"Failed to format sfc output: {e}") return [{"funcs": res}] From 2021fcf2c9d05376785a5c22ed4202b60553d560 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 16 Oct 2023 22:14:21 +0300 Subject: [PATCH 54/82] added logging --- annotators/speech_function_predictor/server.py | 1 + 1 file changed, 1 insertion(+) diff --git a/annotators/speech_function_predictor/server.py b/annotators/speech_function_predictor/server.py index 25deef9432..9fbabcfdca 100644 --- a/annotators/speech_function_predictor/server.py +++ b/annotators/speech_function_predictor/server.py @@ -42,6 +42,7 @@ def handler(payload: List[str]): responses = [{}] * len(payload) try: responses = [predict(speech_function) for speech_function in payload] + logger.info(f"PREDICTED SCORE FOR SPEECH FUNC: {responses}") except Exception as e: sentry_sdk.capture_exception(e) logger.exception(e) From ea17d319a03d2166de80da94389805f244ea57b7 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 17 Oct 2023 10:52:12 +0300 Subject: [PATCH 55/82] fixing batch sfc --- annotators/speech_function_classifier/server.py | 8 +++++--- .../dream_ranking_and_sf_based_dm/pipeline_conf.json | 2 +- 2 files changed, 6 insertions(+), 4 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index e828157e30..0188641f71 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -70,9 +70,11 @@ def answer(): @app.route("/respond_batch", methods=["POST"]) # candidate annotator def annotation(): st_time = time.time() - phrases = request.json.get("phrase", []) - prev_phrases = [request.json.get("prev_phrase", [])] - prev_speech_funcs = [request.json.get("prev_speech_function", [])] + responses, phrases, prev_phrases, prev_speech_funcs = [], [], [], [] + for payload in request.json: + phrases.append(payload["phrase"]) + prev_phrases.append([payload["prev_phrase"]]) + prev_speech_funcs.append([payload["prev_speech_function"]]) payloads = [] for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): payloads.append( diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 180929cdd4..58bfb6f819 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -382,7 +382,7 @@ "timeout": 5.0, "url": "http://speech-function-classifier:8108/respond_batch" }, - "dialog_formatter": "state_formatters.dp_formatters:speech_function_hypotheses_predictor_formatter", + "dialog_formatter": "state_formatters.dp_formatters:speech_function_annotation", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", "previous_services": [], "state_manager_method": "add_hypothesis_annotation_batch", From 8d668bb3f7c0aa1ea789060ef46397b27908881a Mon Sep 17 00:00:00 2001 From: Lida Ostyakova Date: Tue, 12 Dec 2023 06:19:48 +0300 Subject: [PATCH 56/82] Bug fixes of SFC --- annotators/speech_function_classifier/models.py | 11 +++++------ annotators/speech_function_classifier/server.py | 5 ++++- state_formatters/dp_formatters.py | 2 +- 3 files changed, 10 insertions(+), 8 deletions(-) diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index dd318073cf..c977a17617 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -6,25 +6,24 @@ def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): if predicted_sf == "Command": - if ("Open" in previous_sf or previous_sf is None) and current_speaker == previous_speaker: + if ("Open" in previous_sf or previous_sf is '') and current_speaker == previous_speaker: return "Open.Command" elif current_speaker == previous_speaker: return "Sustain.Continue.Command" else: return "React.Respond.Command" elif predicted_sf == "Engage": - if previous_sf is None: + if previous_sf is '': return "Open.Attend" else: return "React.Respond.Support.Engage" return predicted_sf -def get_speech_function(phrase, prev_phrase, speaker="John", previous_speaker="Doe"): +def get_speech_function(phrase, prev_phrase, previous_sf, speaker="John", previous_speaker="Doe"): # note: default values for current and previous speaker are only to make them different. # In out case they are always # different (bot and human) - - predicted_sf = model((phrase,), (prev_phrase,)) - y_pred = check_sfs(predicted_sf, prev_phrase, speaker, previous_speaker) + predicted_sf = model([phrase], [prev_phrase]) + y_pred = check_sfs(predicted_sf[0], previous_sf, speaker, previous_speaker) return y_pred diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 0188641f71..f16470d8d8 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -36,10 +36,13 @@ def handler(payload: List[Dict]): phrases = [p["prev_phrase"]] + p["phrase"] authors = ["John"] + ["Doe"] * phrase_len response = [p["prev_speech_function"]] + logger.info(f'PREV_SF:{response}') for phr, prev_phr, auth, prev_auth in zip(phrases[1:], phrases[:-1], authors[1:], authors[:-1]): - speech_f = get_speech_function(phr, prev_phr, auth, prev_auth) + speech_f = get_speech_function(phr, prev_phr,response[-1], auth, prev_auth) response.append(speech_f) responses[i] = response[1:] + logger.info(f'RESPONSE:{response}') + except Exception as e: sentry_sdk.capture_exception(e) logger.exception(e) diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index ce4887da70..d6b8343624 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1183,7 +1183,7 @@ def speech_function_predictor_formatter(dialog: Dict): res = None try: res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) - res = [item[0] for item in res] + # res = [item[0] for item in res] logger.info(f"formatter log sfp/sfc: {res}") except Exception as e: logger.error(f"Failed to format sfc output: {e}") From 8d3ae9f5a9bb63d6a516a5849557293931a33fd7 Mon Sep 17 00:00:00 2001 From: Lida Ostyakova Date: Tue, 12 Dec 2023 06:38:03 +0300 Subject: [PATCH 57/82] Style fix --- annotators/speech_function_classifier/models.py | 4 ++-- state_formatters/dp_formatters.py | 1 - 2 files changed, 2 insertions(+), 3 deletions(-) diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index c977a17617..8dab78074e 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -6,14 +6,14 @@ def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): if predicted_sf == "Command": - if ("Open" in previous_sf or previous_sf is '') and current_speaker == previous_speaker: + if ("Open" in previous_sf or previous_sf is "") and current_speaker == previous_speaker: return "Open.Command" elif current_speaker == previous_speaker: return "Sustain.Continue.Command" else: return "React.Respond.Command" elif predicted_sf == "Engage": - if previous_sf is '': + if previous_sf is "": return "Open.Attend" else: return "React.Respond.Support.Engage" diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index d6b8343624..359ae8e6da 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1183,7 +1183,6 @@ def speech_function_predictor_formatter(dialog: Dict): res = None try: res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) - # res = [item[0] for item in res] logger.info(f"formatter log sfp/sfc: {res}") except Exception as e: logger.error(f"Failed to format sfc output: {e}") From 9656c40be271e2595d48fb3171de75cd69d1813b Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 25 Dec 2023 13:54:43 +0300 Subject: [PATCH 58/82] codestyle fixed for pr --- .../speech_function_classifier/server.py | 20 ++++++------------- annotators/speech_function_predictor/model.py | 8 +++----- .../speech_function_predictor/test_server.py | 1 + 3 files changed, 10 insertions(+), 19 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index f16470d8d8..5721e9e42d 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -36,13 +36,13 @@ def handler(payload: List[Dict]): phrases = [p["prev_phrase"]] + p["phrase"] authors = ["John"] + ["Doe"] * phrase_len response = [p["prev_speech_function"]] - logger.info(f'PREV_SF:{response}') + logger.info(f"PREV_SF:{response}") for phr, prev_phr, auth, prev_auth in zip(phrases[1:], phrases[:-1], authors[1:], authors[:-1]): - speech_f = get_speech_function(phr, prev_phr,response[-1], auth, prev_auth) + speech_f = get_speech_function(phr, prev_phr, response[-1], auth, prev_auth) response.append(speech_f) responses[i] = response[1:] - logger.info(f'RESPONSE:{response}') - + logger.info(f"RESPONSE:{response}") + except Exception as e: sentry_sdk.capture_exception(e) logger.exception(e) @@ -58,11 +58,7 @@ def answer(): payloads = [] for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): payloads.append( - { - "phrase": sent_tokenize(phr), - "prev_phrase": prev_phr, - "prev_speech_function": prev_speech_func - } + {"phrase": sent_tokenize(phr), "prev_phrase": prev_phr, "prev_speech_function": prev_speech_func} ) responses = handler(payloads) total_time = time.time() - st_time @@ -81,11 +77,7 @@ def annotation(): payloads = [] for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): payloads.append( - { - "phrase": sent_tokenize(phr), - "prev_phrase": prev_phr, - "prev_speech_function": prev_speech_func - } + {"phrase": sent_tokenize(phr), "prev_phrase": prev_phr, "prev_speech_function": prev_speech_func} ) responses = handler(payloads) total_time = time.time() - st_time diff --git a/annotators/speech_function_predictor/model.py b/annotators/speech_function_predictor/model.py index 4a684e753d..6f8fe26aea 100644 --- a/annotators/speech_function_predictor/model.py +++ b/annotators/speech_function_predictor/model.py @@ -1,14 +1,12 @@ import json - def init_model(): - with open('sf_pairs.json', 'r') as json_file: + with open("sf_pairs.json", "r") as json_file: lines = json_file.readlines() - prev_sfs = [json.loads(line)['prev_sf'] for line in lines] - current_sfs = [json.loads(line)['current_sf'] for line in lines] - + prev_sfs = [json.loads(line)["prev_sf"] for line in lines] + current_sfs = [json.loads(line)["current_sf"] for line in lines] class_dict = {} label_to_name = [] diff --git a/annotators/speech_function_predictor/test_server.py b/annotators/speech_function_predictor/test_server.py index aa7df8a6e8..1e311090aa 100644 --- a/annotators/speech_function_predictor/test_server.py +++ b/annotators/speech_function_predictor/test_server.py @@ -23,5 +23,6 @@ def run_test(): print("Success") + if __name__ == "__main__": run_test() From a88a0be05a48df9155bc2e16ea343c3354f14d8d Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 25 Dec 2023 18:12:02 +0300 Subject: [PATCH 59/82] fixes for pr --- annotators/speech_function_classifier/models.py | 4 ++-- .../ranking_and_sf_based_response_selector/server.py | 4 ++-- 2 files changed, 4 insertions(+), 4 deletions(-) diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index 8dab78074e..2f868065be 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -6,14 +6,14 @@ def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): if predicted_sf == "Command": - if ("Open" in previous_sf or previous_sf is "") and current_speaker == previous_speaker: + if ("Open" in previous_sf or previous_sf == "") and current_speaker == previous_speaker: return "Open.Command" elif current_speaker == previous_speaker: return "Sustain.Continue.Command" else: return "React.Respond.Command" elif predicted_sf == "Engage": - if previous_sf is "": + if previous_sf == "": return "Open.Attend" else: return "React.Respond.Support.Engage" diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index 70535d3ef9..f1d1c7c22a 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -102,7 +102,7 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma human_entities = get_entities(last_human_ann_uttr, only_named=False, with_labels=False) _human_is_switch_topic_request = is_switch_topic(last_human_ann_uttr) - _human_is_any_question = is_any_question_sentence_in_utterance(last_human_ann_uttr) + # _human_is_any_question = is_any_question_sentence_in_utterance(last_human_ann_uttr) # if user utterance contains any question AND requires some intent by socialbot _human_wants_to_chat_about_topic = ( if_chat_about_particular_topic(last_human_ann_uttr) and "about it" not in last_human_ann_uttr["text"].lower() @@ -123,7 +123,7 @@ def select_response(dialog_context: List[str], hypotheses: List[dict], last_huma speech_predictor_hyps = [v["prediction"] for v in speech_predictor] speech_predictor_scores = [v["confidence"] for v in speech_predictor] except TypeError: - logger.error(f"Warning! The speech_predictor_classifier data is either empty or corrupt.") + logger.error("Warning! The speech_predictor_classifier data is either empty or corrupt.") return try: speech_index = speech_predictor_hyps.index(speech_annotation) From 4b21ebf79ab3e5c069ac1a8235a975a2b1ab9700 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 26 Dec 2023 10:29:50 +0300 Subject: [PATCH 60/82] removed unused import --- .../ranking_and_sf_based_response_selector/server.py | 1 - 1 file changed, 1 deletion(-) diff --git a/response_selectors/ranking_and_sf_based_response_selector/server.py b/response_selectors/ranking_and_sf_based_response_selector/server.py index f1d1c7c22a..cde2bdf109 100644 --- a/response_selectors/ranking_and_sf_based_response_selector/server.py +++ b/response_selectors/ranking_and_sf_based_response_selector/server.py @@ -11,7 +11,6 @@ import sentry_sdk from flask import Flask, request, jsonify from common.universal_templates import ( - is_any_question_sentence_in_utterance, if_chat_about_particular_topic, if_not_want_to_chat_about_particular_topic, if_choose_topic, From 60ca89a2b2c93d4f6d60bf39e0a09e71c73489a5 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Tue, 26 Dec 2023 16:12:12 +0300 Subject: [PATCH 61/82] minor pr fix --- .../docker-compose.override.yml | 25 +++++++++++++------ state_formatters/dp_formatters.py | 2 +- 2 files changed, 19 insertions(+), 8 deletions(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 001d54712c..51a5aaa695 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -2,13 +2,24 @@ services: agent: command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json' environment: - WAIT_HOSTS: "sentseg:8011, ranking-and-sf-based-response-selector:8082, - dff-intent-responder-skill:8012, intent-catcher:8014, ner:8021, - factoid-qa:8071, kbqa:8072, entity-linking:8075, wiki-parser:8077, - text-qa:8078, combined-classification:8087, fact-retrieval:8100, - entity-detection:8103, speech-function-classifier:8108, sentence-ranker:8128, - property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, - openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059, speech-function-predictor:8107" + WAIT_HOSTS: "convers-evaluator-annotator:8004, + spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, + intent-responder:8012, intent-catcher:8014, badlisted-words:8018, + sentrewrite:8017, ner:8021, dff-program-y-dangerous:8022, dff-movie-skill:8023, + convert-reddit:8029, personal-info-skill:8030, asr:8031, misheard-asr:8033, dff-weather-skill:8037, + eliza:8047, emotion-skill:8049, dummy-skill-dialog:8052, comet-atomic:8053, meta-script-skill:8054, + dff-coronavirus-skill:8061, small-talk-skill:8062, game-cooperative-skill:8068, dff-program-y-wide:8064, + comet-conceptnet:8065, news-api-skill:8066, dff-short-story-skill:8057, factoid-qa:8071, kbqa:8072, + spelling-preprocessing:8074, entity-linking:8075, wiki-parser:8077, text-qa:8078, + knowledge-grounding:8083, combined-classification:8087, knowledge-grounding-skill:8085, + dff-friendship-skill:8086, entity-storer:8089, + dff-book-sfc-skill:8034, dff-grounding-skill:8080, + dff-animals-skill:8094, dff-travel-skill:8096, dff-food-skill:8097, dff-sport-skill:8098, dff-science-skill:8101, + fact-random:8119, fact-retrieval:8100, + dff-funfact-skill:8104, dff-bot-persona-skill:8105, news-api-annotator:8112, + dff-gossip-skill:8109, dff-wiki-skill:8111, dff-gaming-skill:8115, topic-recommendation:8113, + user-persona-extractor:8114, wiki-facts:8116, dff-music-skill:8099, entity-detection:8103, dff-art-skill:8117, + dff-template-skill:8120, speech-function-predictor:8107, speech-function-classifier:8108, ranking-and-sf-based-response-selector:8082" WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} HIGH_PRIORITY_INTENTS: 1 RESTRICTION_FOR_SENSITIVE_CASE: 1 diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index 359ae8e6da..060e3a5be6 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1186,7 +1186,7 @@ def speech_function_predictor_formatter(dialog: Dict): logger.info(f"formatter log sfp/sfc: {res}") except Exception as e: logger.error(f"Failed to format sfc output: {e}") - return [{"funcs": res}] + return [{"funcs": [res]}] def speech_function_hypotheses_predictor_formatter(dialog: Dict): From f3c6c4d7bcd41b2fdf2f896e103a46dda299feb6 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 28 Dec 2023 12:21:32 +0300 Subject: [PATCH 62/82] minor config addition --- .../dream_ranking_and_sf_based_dm/gpu1.yml | 12 ++++++++++++ 1 file changed, 12 insertions(+) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/gpu1.yml b/assistant_dists/dream_ranking_and_sf_based_dm/gpu1.yml index acef2c59f5..0173c2cec8 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/gpu1.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/gpu1.yml @@ -71,6 +71,18 @@ services: restart: unless-stopped environment: - CUDA_VISIBLE_DEVICES=9 + speech-function-classifier: + restart: unless-stopped + environment: + - CUDA_VISIBLE_DEVICES=9 + volumes: + - "~/.deeppavlov:/root/.deeppavlov" + speech-function-predictor: + restart: unless-stopped + environment: + - CUDA_VISIBLE_DEVICES=9 + volumes: + - "~/.deeppavlov:/root/.deeppavlov" property-extraction: restart: unless-stopped volumes: From a28a0c3d48706d8703913877919cd5cf1a0ea63c Mon Sep 17 00:00:00 2001 From: moon-strider Date: Thu, 28 Dec 2023 16:02:31 +0300 Subject: [PATCH 63/82] server fixed for sfc --- annotators/speech_function_classifier/server.py | 12 +++++------- 1 file changed, 5 insertions(+), 7 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 5721e9e42d..a69dee70f3 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -53,8 +53,8 @@ def handler(payload: List[Dict]): def answer(): st_time = time.time() phrases = request.json.get("phrase", []) - prev_phrases = [request.json.get("prev_phrase", [])] - prev_speech_funcs = [request.json.get("prev_speech_function", [])] + prev_phrases = request.json.get("prev_phrase", []) + prev_speech_funcs = request.json.get("prev_speech_function", []) payloads = [] for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): payloads.append( @@ -69,11 +69,9 @@ def answer(): @app.route("/respond_batch", methods=["POST"]) # candidate annotator def annotation(): st_time = time.time() - responses, phrases, prev_phrases, prev_speech_funcs = [], [], [], [] - for payload in request.json: - phrases.append(payload["phrase"]) - prev_phrases.append([payload["prev_phrase"]]) - prev_speech_funcs.append([payload["prev_speech_function"]]) + phrases = request.json.get("phrase", []) + prev_phrases = request.json.get("prev_phrase", []) + prev_speech_funcs = request.json.get("prev_speech_function", []) payloads = [] for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): payloads.append( From 8938be0e1adc79739cfc0b06870f19011c6b8117 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Fri, 29 Dec 2023 10:57:47 +0300 Subject: [PATCH 64/82] fix: components --- .../dream_ranking_and_sf_based_dm/cpu.yml | 3 + .../dream_ranking_and_sf_based_dm/dev.yml | 38 +++-- .../docker-compose.override.yml | 138 ++++++++---------- .../pipeline_conf.json | 68 ++++++++- 4 files changed, 152 insertions(+), 95 deletions(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml b/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml index 6d112847c7..8d36fdd751 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/cpu.yml @@ -26,5 +26,8 @@ services: environment: CUDA_VISIBLE_DEVICES: "" speech-function-classifier: + environment: + CUDA_VISIBLE_DEVICES: "" + speech-function-predictor: environment: CUDA_VISIBLE_DEVICES: "" \ No newline at end of file diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml index c4b3d6faa7..2542591c3c 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/dev.yml @@ -117,32 +117,30 @@ services: - "./common:/src/common" ports: - 8145:8145 -# dff-dream-persona-chatgpt-prompted-skill: -# volumes: -# - "./skills/dff_template_prompted_skill:/src" -# - "./common:/src/common" -# ports: -# - 8137:8137 -# dff-google-api-skill: -# volumes: -# - "./skills/dff_google_api_skill:/src" -# - "./common:/src/common" -# ports: -# - 8162:8162 + dff-dream-persona-chatgpt-prompted-skill: + volumes: + - "./skills/dff_template_prompted_skill:/src" + - "./common:/src/common" + ports: + - 8137:8137 + dff-google-api-skill: + volumes: + - "./skills/dff_google_api_skill:/src" + - "./common:/src/common" + ports: + - 8162:8162 property-extraction: volumes: - "./annotators/property_extraction:/src" - "~/.deeppavlov:/root/.deeppavlov" ports: - 8136:8136 -#incative due to absence of the API key. -#Might you have one, pls add it to env.secret and uncomment the service -# dff-dream-faq-prompted-skill: -# volumes: -# - "./skills/dff_template_prompted_skill:/src" -# - "./common:/src/common" -# ports: -# - 8170:8170 + dff-dream-faq-prompted-skill: + volumes: + - "./skills/dff_template_prompted_skill:/src" + - "./common:/src/common" + ports: + - 8170:8170 summarization-annotator: volumes: - "./annotators/summarization_annotator:/src" diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml index 51a5aaa695..34c78294a2 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_sf_based_dm/docker-compose.override.yml @@ -1,25 +1,15 @@ services: agent: - command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.channel=telegram agent.telegram_token=$TG_TOKEN agent.pipeline_config=assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json' + command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.pipeline_config=assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json' environment: - WAIT_HOSTS: "convers-evaluator-annotator:8004, - spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, - intent-responder:8012, intent-catcher:8014, badlisted-words:8018, - sentrewrite:8017, ner:8021, dff-program-y-dangerous:8022, dff-movie-skill:8023, - convert-reddit:8029, personal-info-skill:8030, asr:8031, misheard-asr:8033, dff-weather-skill:8037, - eliza:8047, emotion-skill:8049, dummy-skill-dialog:8052, comet-atomic:8053, meta-script-skill:8054, - dff-coronavirus-skill:8061, small-talk-skill:8062, game-cooperative-skill:8068, dff-program-y-wide:8064, - comet-conceptnet:8065, news-api-skill:8066, dff-short-story-skill:8057, factoid-qa:8071, kbqa:8072, - spelling-preprocessing:8074, entity-linking:8075, wiki-parser:8077, text-qa:8078, - knowledge-grounding:8083, combined-classification:8087, knowledge-grounding-skill:8085, - dff-friendship-skill:8086, entity-storer:8089, - dff-book-sfc-skill:8034, dff-grounding-skill:8080, - dff-animals-skill:8094, dff-travel-skill:8096, dff-food-skill:8097, dff-sport-skill:8098, dff-science-skill:8101, - fact-random:8119, fact-retrieval:8100, - dff-funfact-skill:8104, dff-bot-persona-skill:8105, news-api-annotator:8112, - dff-gossip-skill:8109, dff-wiki-skill:8111, dff-gaming-skill:8115, topic-recommendation:8113, - user-persona-extractor:8114, wiki-facts:8116, dff-music-skill:8099, entity-detection:8103, dff-art-skill:8117, - dff-template-skill:8120, speech-function-predictor:8107, speech-function-classifier:8108, ranking-and-sf-based-response-selector:8082" + WAIT_HOSTS: "sentseg:8011, ranking-and-sf-based-response-selector:8082, + speech-function-predictor:8107, speech-function-classifier:8108, + dff-intent-responder-skill:8012, intent-catcher:8014, ner:8021, + factoid-qa:8071, kbqa:8072, entity-linking:8075, wiki-parser:8077, text-qa:8078, + combined-classification:8087, fact-retrieval:8100, entity-detection:8103, + sentence-ranker:8128, property-extraction:8136, prompt-selector:8135, openai-api-chatgpt:8145, + dff-dream-persona-chatgpt-prompted-skill:8137, dff-dream-faq-prompted-skill:8170, + openai-api-chatgpt-16k:8167, summarization-annotator:8058, dialog-summarizer:8059" WAIT_HOSTS_TIMEOUT: ${WAIT_TIMEOUT:-1000} HIGH_PRIORITY_INTENTS: 1 RESTRICTION_FOR_SENSITIVE_CASE: 1 @@ -359,42 +349,42 @@ services: reservations: memory: 100M -# dff-dream-persona-chatgpt-prompted-skill: -# env_file: [ .env,.env_secret ] -# build: -# args: -# SERVICE_PORT: 8137 -# SERVICE_NAME: dff_dream_persona_prompted_skill -# PROMPT_FILE: common/prompts/dream_persona.json -# GENERATIVE_SERVICE_URL: http://openai-api-chatgpt:8145/respond -# GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json -# GENERATIVE_TIMEOUT: 120 -# N_UTTERANCES_CONTEXT: 7 -# ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION -# context: . -# dockerfile: ./skills/dff_template_prompted_skill/Dockerfile -# deploy: -# resources: -# limits: -# memory: 128M -# reservations: -# memory: 128M + dff-dream-persona-chatgpt-prompted-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8137 + SERVICE_NAME: dff_dream_persona_prompted_skill + PROMPT_FILE: common/prompts/dream_persona.json + GENERATIVE_SERVICE_URL: http://openai-api-chatgpt:8145/respond + GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json + GENERATIVE_TIMEOUT: 120 + N_UTTERANCES_CONTEXT: 7 + ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION + context: . + dockerfile: ./skills/dff_template_prompted_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M -# dff-google-api-skill: -# env_file: [ .env,.env_secret ] -# build: -# args: -# SERVICE_PORT: 8162 -# SERVICE_NAME: dff_google_api_skill -# ENVVARS_TO_SEND: OPENAI_API_KEY,GOOGLE_CSE_ID,GOOGLE_API_KEY -# context: . -# dockerfile: ./skills/dff_google_api_skill/Dockerfile -# deploy: -# resources: -# limits: -# memory: 128M -# reservations: -# memory: 128M + dff-google-api-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8162 + SERVICE_NAME: dff_google_api_skill + ENVVARS_TO_SEND: OPENAI_API_KEY,GOOGLE_CSE_ID,GOOGLE_API_KEY + context: . + dockerfile: ./skills/dff_google_api_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M property-extraction: env_file: [.env] @@ -416,26 +406,26 @@ services: reservations: memory: 7G -# dff-dream-faq-prompted-skill: -# env_file: [ .env,.env_secret ] -# build: -# args: -# SERVICE_PORT: 8170 -# SERVICE_NAME: dff_dream_faq_prompted_skill -# PROMPT_FILE: common/prompts/dream_faq.json -# GENERATIVE_SERVICE_URL: http://openai-api-chatgpt-16k:8167/respond -# GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json -# GENERATIVE_TIMEOUT: 120 -# N_UTTERANCES_CONTEXT: 7 -# ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION -# context: . -# dockerfile: ./skills/dff_template_prompted_skill/Dockerfile -# deploy: -# resources: -# limits: -# memory: 128M -# reservations: -# memory: 128M + dff-dream-faq-prompted-skill: + env_file: [ .env,.env_secret ] + build: + args: + SERVICE_PORT: 8170 + SERVICE_NAME: dff_dream_faq_prompted_skill + PROMPT_FILE: common/prompts/dream_faq.json + GENERATIVE_SERVICE_URL: http://openai-api-chatgpt-16k:8167/respond + GENERATIVE_SERVICE_CONFIG: openai-chatgpt.json + GENERATIVE_TIMEOUT: 120 + N_UTTERANCES_CONTEXT: 7 + ENVVARS_TO_SEND: OPENAI_API_KEY,OPENAI_ORGANIZATION + context: . + dockerfile: ./skills/dff_template_prompted_skill/Dockerfile + deploy: + resources: + limits: + memory: 128M + reservations: + memory: 128M openai-api-chatgpt-16k: env_file: [ .env ] diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 58bfb6f819..40a67930f3 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -469,6 +469,48 @@ } }, "skills": { + "dff_dream_persona_prompted_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-dream-persona-chatgpt-prompted-skill:8137/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_dream_persona_prompted_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/W6hdAGshQyMwdQukRXXuKA.yml", + "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-persona-chatgpt-prompted-skill" + } + }, + "dff_google_api_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-google-api-skill:8162/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_google_api_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/VJ7c3sLqEi.yml", + "service": "skills/dff_google_api_skill/service_configs/dff-google-api-skill" + } + }, "dff_intent_responder_skill": { "connector": { "protocol": "http", @@ -521,10 +563,31 @@ "component": "components/qx0j5QHAzog0b39nRnuA.yml", "service": "skills/factoid_qa/service_configs/factoid-qa" } + }, + "dff_dream_faq_prompted_skill": { + "connector": { + "protocol": "http", + "timeout": 120.0, + "url": "http://dff-dream-faq-prompted-skill:8170/respond" + }, + "dialog_formatter": { + "name": "state_formatters.dp_formatters:dff_prompted_skill_formatter", + "skill_name": "dff_dream_faq_prompted_skill" + }, + "response_formatter": "state_formatters.dp_formatters:skill_with_attributes_formatter_service", + "previous_services": [ + "skill_selectors" + ], + "state_manager_method": "add_hypothesis", + "is_enabled": true, + "source": { + "component": "components/jFmKPqMJh0.yml", + "service": "skills/dff_template_prompted_skill/service_configs/dff-dream-faq-prompted-skill" + } } }, "response_selectors": { - "ranking_and_sf_based_response_selector": { + "response_selector": { "connector": { "protocol": "http", "timeout": 1.0, @@ -535,6 +598,9 @@ "previous_services": [ "candidate_annotators" ], + "tags": [ + "selector" + ], "state_manager_method": "add_bot_utterance", "is_enabled": true, "source": { From 59e5507ee4a0298a62f2b48c6eb62189b8be8580 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Wed, 10 Jan 2024 12:45:42 +0300 Subject: [PATCH 65/82] dream_sfc reverted, minor pr fixes --- assistant_dists/dream_sfc/docker-compose.override.yml | 3 ++- components/XWQGXXbppnHZVm1hyDIw.yml | 2 +- state_formatters/dp_formatters.py | 7 ++----- 3 files changed, 5 insertions(+), 7 deletions(-) diff --git a/assistant_dists/dream_sfc/docker-compose.override.yml b/assistant_dists/dream_sfc/docker-compose.override.yml index 7c88a99303..a54b6050c9 100644 --- a/assistant_dists/dream_sfc/docker-compose.override.yml +++ b/assistant_dists/dream_sfc/docker-compose.override.yml @@ -3,7 +3,8 @@ services: command: sh -c 'bin/wait && python -m deeppavlov_agent.run agent.pipeline_config=assistant_dists/dream_sfc/pipeline_conf.json' environment: WAIT_HOSTS: "convers-evaluator-annotator:8004, - spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, intent-responder:8012, intent-catcher:8014, badlisted-words:8018, + spacy-nounphrases:8006, dff-program-y:8008, sentseg:8011, scripts-priority-selector:8009, personality-catcher:8010, + intent-responder:8012, intent-catcher:8014, badlisted-words:8018, sentrewrite:8017, ner:8021, dff-program-y-dangerous:8022, dff-movie-skill:8023, convert-reddit:8029, personal-info-skill:8030, asr:8031, misheard-asr:8033, dff-weather-skill:8037, eliza:8047, emotion-skill:8049, dummy-skill-dialog:8052, comet-atomic:8053, meta-script-skill:8054, diff --git a/components/XWQGXXbppnHZVm1hyDIw.yml b/components/XWQGXXbppnHZVm1hyDIw.yml index 9ab82000f2..aecfb0b02b 100644 --- a/components/XWQGXXbppnHZVm1hyDIw.yml +++ b/components/XWQGXXbppnHZVm1hyDIw.yml @@ -6,7 +6,7 @@ is_customizable: false author: publisher@deeppavlov.ai description: BERT-based model (bert-base-cased-conversational) trained to distinguish between 17 possible classes of speech functions for an input utterance. # for more info please refer to the model config file: https://github.com/deeppavlov/DeepPavlov/blob/feat/speech-fn/deeppavlov/configs/classifiers/speech_fn.json -ram_usage: 1.1G +ram_usage: 6G gpu_usage: 4.5G group: candidate_annotators connector: diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index 060e3a5be6..25bfb2b7c9 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1181,11 +1181,8 @@ def speech_function_annotation(dialog: Dict): def speech_function_predictor_formatter(dialog: Dict): res = None - try: - res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) - logger.info(f"formatter log sfp/sfc: {res}") - except Exception as e: - logger.error(f"Failed to format sfc output: {e}") + res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) + logger.info(f"formatter log sfp/sfc: {res}") return [{"funcs": [res]}] From 14182717e195d60b2d49e91e3b82c243ef8ca5a5 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Fri, 12 Jan 2024 11:16:21 +0300 Subject: [PATCH 66/82] fix: ranking and intent based resp selector --- assistant_dists/dream_ranking_and_midas_based_dm/dev.yml | 6 +++--- .../docker-compose.override.yml | 2 +- assistant_dists/dream_ranking_and_midas_based_dm/gpu1.yml | 2 +- 3 files changed, 5 insertions(+), 5 deletions(-) diff --git a/assistant_dists/dream_ranking_and_midas_based_dm/dev.yml b/assistant_dists/dream_ranking_and_midas_based_dm/dev.yml index 37a460fd0d..9b37325e06 100644 --- a/assistant_dists/dream_ranking_and_midas_based_dm/dev.yml +++ b/assistant_dists/dream_ranking_and_midas_based_dm/dev.yml @@ -11,12 +11,12 @@ services: - "./annotators/SentSeg:/src" ports: - 8011:8011 - ranking-based-response-selector: + ranking-and-intent-based-response-selector: volumes: - - "./response_selectors/ranking_based_response_selector:/src" + - "./response_selectors/ranking_and_intent_based_response_selector:/src" - "./common:/src/common" ports: - - 8002:8002 + - 8081:8081 dff-intent-responder-skill: volumes: - "./skills/dff_intent_responder_skill:/src" diff --git a/assistant_dists/dream_ranking_and_midas_based_dm/docker-compose.override.yml b/assistant_dists/dream_ranking_and_midas_based_dm/docker-compose.override.yml index 86c76cd2d3..fb3599ab3f 100644 --- a/assistant_dists/dream_ranking_and_midas_based_dm/docker-compose.override.yml +++ b/assistant_dists/dream_ranking_and_midas_based_dm/docker-compose.override.yml @@ -16,7 +16,7 @@ services: LANGUAGE: EN FALLBACK_FILE: fallbacks_dream_en.json - ranking-based-response-selector: + ranking-and-intent-based-response-selector: env_file: [ .env ] build: args: diff --git a/assistant_dists/dream_ranking_and_midas_based_dm/gpu1.yml b/assistant_dists/dream_ranking_and_midas_based_dm/gpu1.yml index acef2c59f5..2812b4f575 100644 --- a/assistant_dists/dream_ranking_and_midas_based_dm/gpu1.yml +++ b/assistant_dists/dream_ranking_and_midas_based_dm/gpu1.yml @@ -31,7 +31,7 @@ services: # - ./venv/data/db_data:/root/data/db sentseg: restart: unless-stopped - ranking-based-response-selector: + ranking-and-intent-based-response-selector: restart: unless-stopped dff-intent-responder-skill: restart: unless-stopped From afbb755e42a30780ac51501d3b8c7f9df659007e Mon Sep 17 00:00:00 2001 From: moon-strider Date: Fri, 12 Jan 2024 11:31:11 +0300 Subject: [PATCH 67/82] zip_longest -> zip --- annotators/speech_function_classifier/server.py | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index a69dee70f3..0a4f8673ee 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -56,7 +56,7 @@ def answer(): prev_phrases = request.json.get("prev_phrase", []) prev_speech_funcs = request.json.get("prev_speech_function", []) payloads = [] - for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): + for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs): payloads.append( {"phrase": sent_tokenize(phr), "prev_phrase": prev_phr, "prev_speech_function": prev_speech_func} ) @@ -73,7 +73,7 @@ def annotation(): prev_phrases = request.json.get("prev_phrase", []) prev_speech_funcs = request.json.get("prev_speech_function", []) payloads = [] - for phr, prev_phr, prev_speech_func in zip_longest(phrases, prev_phrases, prev_speech_funcs): + for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs): payloads.append( {"phrase": sent_tokenize(phr), "prev_phrase": prev_phr, "prev_speech_function": prev_speech_func} ) From 37952fd2ba2ba881f50fc71414e410445e466ddb Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Fri, 12 Jan 2024 11:38:42 +0300 Subject: [PATCH 68/82] fix: codestyle --- annotators/speech_function_classifier/server.py | 4 +--- 1 file changed, 1 insertion(+), 3 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 0a4f8673ee..6039adb353 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -5,10 +5,8 @@ import sentry_sdk from flask import Flask, request, jsonify -from nltk import sent_tokenize -from itertools import zip_longest - from models import get_speech_function +from nltk import sent_tokenize sentry_sdk.init(os.getenv("SENTRY_DSN")) From 195eb6e25c780ba0e57d3e81feb30b6f651ced35 Mon Sep 17 00:00:00 2001 From: moon-strider Date: Mon, 15 Jan 2024 16:03:01 +0300 Subject: [PATCH 69/82] sfc service and sfp formatter reverted to working state --- annotators/speech_function_classifier/server.py | 12 +++++++----- annotators/speech_function_predictor/server.py | 1 + state_formatters/dp_formatters.py | 2 +- 3 files changed, 9 insertions(+), 6 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 6039adb353..c81b0fbb5f 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -51,8 +51,8 @@ def handler(payload: List[Dict]): def answer(): st_time = time.time() phrases = request.json.get("phrase", []) - prev_phrases = request.json.get("prev_phrase", []) - prev_speech_funcs = request.json.get("prev_speech_function", []) + prev_phrases = [request.json.get("prev_phrase", [])] + prev_speech_funcs = [request.json.get("prev_speech_function", [])] payloads = [] for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs): payloads.append( @@ -67,9 +67,11 @@ def answer(): @app.route("/respond_batch", methods=["POST"]) # candidate annotator def annotation(): st_time = time.time() - phrases = request.json.get("phrase", []) - prev_phrases = request.json.get("prev_phrase", []) - prev_speech_funcs = request.json.get("prev_speech_function", []) + responses, phrases, prev_phrases, prev_speech_funcs = [], [], [], [] + for payload in request.json: + phrases.append(payload["phrase"]) + prev_phrases.append(payload["prev_phrase"]) + prev_speech_funcs.append(payload["prev_speech_function"]) payloads = [] for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs): payloads.append( diff --git a/annotators/speech_function_predictor/server.py b/annotators/speech_function_predictor/server.py index 9fbabcfdca..e260d34d55 100644 --- a/annotators/speech_function_predictor/server.py +++ b/annotators/speech_function_predictor/server.py @@ -64,6 +64,7 @@ def answer(): def annotation(): st_time = time.time() payload = request.json.get("funcs", []) + logger.info(f"PAYLOAD IN BATCH RESPOND SFP --------------------------------: {payload}") responses = handler(payload) total_time = time.time() - st_time logger.info(f"speech_function_predictor batch exec time: {total_time:.3f}s") diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index 25bfb2b7c9..f3fc0912fa 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1183,7 +1183,7 @@ def speech_function_predictor_formatter(dialog: Dict): res = None res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) logger.info(f"formatter log sfp/sfc: {res}") - return [{"funcs": [res]}] + return [{"funcs": res}] def speech_function_hypotheses_predictor_formatter(dialog: Dict): From e3dd206cfc8909d55842cf47f5a357365677953d Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 22:33:06 +0400 Subject: [PATCH 70/82] fix: fixes for sf --- .../speech_function_classifier/models.py | 12 ++-- .../speech_function_classifier/server.py | 69 +++++++------------ .../pipeline_conf.json | 24 ++++++- assistant_dists/dream_sfc/pipeline_conf.json | 8 +-- components/IvTBJz0AoCD98qMOkbXEkg.yml | 2 +- components/XWQGXXbppnHZVm1hyDIw.yml | 4 +- components/w7Q37CroiOAtyhxkJMms9w.yml | 2 +- state_formatters/dp_formatters.py | 49 ++++++------- 8 files changed, 90 insertions(+), 80 deletions(-) diff --git a/annotators/speech_function_classifier/models.py b/annotators/speech_function_classifier/models.py index 2f868065be..832d4cafcf 100644 --- a/annotators/speech_function_classifier/models.py +++ b/annotators/speech_function_classifier/models.py @@ -20,10 +20,14 @@ def check_sfs(predicted_sf, previous_sf, current_speaker, previous_speaker): return predicted_sf -def get_speech_function(phrase, prev_phrase, previous_sf, speaker="John", previous_speaker="Doe"): +def get_speech_functions(phrases, prev_phrases, previous_sfs, speakers=None, previous_speakers=None): # note: default values for current and previous speaker are only to make them different. # In out case they are always # different (bot and human) - predicted_sf = model([phrase], [prev_phrase]) - y_pred = check_sfs(predicted_sf[0], previous_sf, speaker, previous_speaker) - return y_pred + speakers = ["john" for _ in phrases] + previous_speakers = ["doe" for _ in phrases] + predicted_sfs = model(phrases, prev_phrases) + result = [] + for pred_sf, prev_sf, speaker, prev_speaker in zip(predicted_sfs, previous_sfs, speakers, previous_speakers): + result += [check_sfs(pred_sf, prev_sf, speaker, prev_speaker)] + return result diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index c81b0fbb5f..7b95abdfd5 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -5,7 +5,7 @@ import sentry_sdk from flask import Flask, request, jsonify -from models import get_speech_function +from models import get_speech_functions from nltk import sent_tokenize sentry_sdk.init(os.getenv("SENTRY_DSN")) @@ -17,7 +17,13 @@ try: - speech_function = get_speech_function("fine, thank you", "How are you doing?", "Open.Demand.Fact.") + speech_function = get_speech_functions( + ["fine, thank you"], + ["How are you doing?"], + ["Open.Demand.Fact."], + speakers=["John"], + previous_speakers=["Doe"], + ) logger.info(speech_function) logger.info("model loaded, test query processed") except Exception as e: @@ -26,39 +32,18 @@ raise e -def handler(payload: List[Dict]): - responses = [""] * len(payload) - try: - for i, p in enumerate(payload): - phrase_len = len(p["phrase"]) - phrases = [p["prev_phrase"]] + p["phrase"] - authors = ["John"] + ["Doe"] * phrase_len - response = [p["prev_speech_function"]] - logger.info(f"PREV_SF:{response}") - for phr, prev_phr, auth, prev_auth in zip(phrases[1:], phrases[:-1], authors[1:], authors[:-1]): - speech_f = get_speech_function(phr, prev_phr, response[-1], auth, prev_auth) - response.append(speech_f) - responses[i] = response[1:] - logger.info(f"RESPONSE:{response}") - - except Exception as e: - sentry_sdk.capture_exception(e) - logger.exception(e) - return responses - - @app.route("/respond", methods=["POST"]) # annotation def answer(): st_time = time.time() - phrases = request.json.get("phrase", []) - prev_phrases = [request.json.get("prev_phrase", [])] - prev_speech_funcs = [request.json.get("prev_speech_function", [])] - payloads = [] - for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs): - payloads.append( - {"phrase": sent_tokenize(phr), "prev_phrase": prev_phr, "prev_speech_function": prev_speech_func} - ) - responses = handler(payloads) + phrases = request.json.get("phrases", []) + prev_phrases = request.json.get("prev_phrases", None) + prev_phrases = ["" for _ in phrases] if prev_phrases is None else prev_phrases + prev_speech_funcs = request.json.get("prev_speech_functions", None) + prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs + + responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) + logger.info(f"speech_function_classifier responses: {responses}") + total_time = time.time() - st_time logger.info(f"speech_function_classifier model exec time: {total_time:.3f}s") return jsonify(responses) @@ -67,17 +52,15 @@ def answer(): @app.route("/respond_batch", methods=["POST"]) # candidate annotator def annotation(): st_time = time.time() - responses, phrases, prev_phrases, prev_speech_funcs = [], [], [], [] - for payload in request.json: - phrases.append(payload["phrase"]) - prev_phrases.append(payload["prev_phrase"]) - prev_speech_funcs.append(payload["prev_speech_function"]) - payloads = [] - for phr, prev_phr, prev_speech_func in zip(phrases, prev_phrases, prev_speech_funcs): - payloads.append( - {"phrase": sent_tokenize(phr), "prev_phrase": prev_phr, "prev_speech_function": prev_speech_func} - ) - responses = handler(payloads) + phrases = request.json.get("phrases", []) + prev_phrases = request.json.get("prev_phrases", None) + prev_phrases = ["" for _ in phrases] if prev_phrases is None else prev_phrases + prev_speech_funcs = request.json.get("prev_speech_functions", None) + prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs + + responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) + logger.info(f"speech_function_classifier responses: {responses}") + total_time = time.time() - st_time logger.info(f"speech_function_classifier batch exec time: {total_time:.3f}s") logger.info(f"speech function classifier result: {responses}") diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 40a67930f3..3618b0b350 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -354,6 +354,25 @@ "component": "components/3RDNPBdybjBlSQZqcc7nGQ.yml", "service": "annotators/NER_deeppavlov/service_configs/ner" } + }, + "speech_function_classifier": { + "connector": { + "protocol": "http", + "timeout": 5.0, + "url": "http://speech-function-classifier:8108/respond" + }, + "dialog_formatter": "state_formatters.dp_formatters:speech_function_bot_formatter", + "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", + "previous_services": [ + "response_annotator_selectors", + "response_annotators.sentseg" + ], + "state_manager_method": "add_annotation_prev_bot_utt", + "is_enabled": true, + "source": { + "component": "components/IvTBJz0AoCD98qMOkbXEkg.yml", + "service": "annotators/speech_function_classifier/service_configs/speech-function-classifier" + } } }, "response_annotator_selectors": { @@ -362,7 +381,8 @@ "class_name": "skill_selectors.post_annotator_selector.connector:PostAnnotatorSelectorConnector", "annotator_names": [ "sentseg", - "ner" + "ner", + "speech_function_classifier" ] }, "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", @@ -382,7 +402,7 @@ "timeout": 5.0, "url": "http://speech-function-classifier:8108/respond_batch" }, - "dialog_formatter": "state_formatters.dp_formatters:speech_function_annotation", + "dialog_formatter": "state_formatters.dp_formatters:speech_function_hypotheses_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", "previous_services": [], "state_manager_method": "add_hypothesis_annotation_batch", diff --git a/assistant_dists/dream_sfc/pipeline_conf.json b/assistant_dists/dream_sfc/pipeline_conf.json index 36d63675a6..4c658597f5 100644 --- a/assistant_dists/dream_sfc/pipeline_conf.json +++ b/assistant_dists/dream_sfc/pipeline_conf.json @@ -466,7 +466,7 @@ "connector": { "protocol": "http", "timeout": 5.0, - "url": "http://speech-function-classifier:8108/model" + "url": "http://speech-function-classifier:8108/respond" }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", @@ -580,7 +580,7 @@ "connector": { "protocol": "http", "timeout": 5.0, - "url": "http://speech-function-classifier:8108/model" + "url": "http://speech-function-classifier:8108/respond" }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_bot_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", @@ -623,9 +623,9 @@ "connector": { "protocol": "http", "timeout": 5.0, - "url": "http://speech-function-classifier:8108/annotation" + "url": "http://speech-function-classifier:8108/respond_batch" }, - "dialog_formatter": "state_formatters.dp_formatters:speech_function_annotation", + "dialog_formatter": "state_formatters.dp_formatters:speech_function_hypotheses_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", "previous_services": [ "skills" diff --git a/components/IvTBJz0AoCD98qMOkbXEkg.yml b/components/IvTBJz0AoCD98qMOkbXEkg.yml index eaa38bbfe4..c8f79042a8 100644 --- a/components/IvTBJz0AoCD98qMOkbXEkg.yml +++ b/components/IvTBJz0AoCD98qMOkbXEkg.yml @@ -12,7 +12,7 @@ group: response_annotators connector: protocol: http timeout: 5.0 - url: http://speech-function-classifier:8108/annotation + url: http://speech-function-classifier:8108/respond dialog_formatter: state_formatters.dp_formatters:speech_function_bot_formatter response_formatter: state_formatters.dp_formatters:simple_formatter_service previous_services: diff --git a/components/XWQGXXbppnHZVm1hyDIw.yml b/components/XWQGXXbppnHZVm1hyDIw.yml index aecfb0b02b..560b13136b 100644 --- a/components/XWQGXXbppnHZVm1hyDIw.yml +++ b/components/XWQGXXbppnHZVm1hyDIw.yml @@ -12,8 +12,8 @@ group: candidate_annotators connector: protocol: http timeout: 5.0 - url: http://speech-function-classifier:8108/annotation -dialog_formatter: state_formatters.dp_formatters:speech_function_annotation + url: http://speech-function-classifier:8108/respond_batch +dialog_formatter: state_formatters.dp_formatters:speech_function_hypotheses_formatter response_formatter: state_formatters.dp_formatters:simple_formatter_service previous_services: - skills diff --git a/components/w7Q37CroiOAtyhxkJMms9w.yml b/components/w7Q37CroiOAtyhxkJMms9w.yml index ea0afa0101..70c6417e41 100644 --- a/components/w7Q37CroiOAtyhxkJMms9w.yml +++ b/components/w7Q37CroiOAtyhxkJMms9w.yml @@ -12,7 +12,7 @@ group: annotators connector: protocol: http timeout: 5.0 - url: http://speech-function-classifier:8108/model + url: http://speech-function-classifier:8108/respond dialog_formatter: state_formatters.dp_formatters:speech_function_formatter response_formatter: state_formatters.dp_formatters:simple_formatter_service previous_services: diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index f3fc0912fa..cb6fce90d2 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1134,33 +1134,36 @@ def game_cooperative_skill_formatter(dialog: Dict): def speech_function_formatter(dialog: Dict): - human_sentseg = dialog["human_utterances"][-1].get("annotations", {}).get("sentseg", {}) - resp = {"phrase": human_sentseg.get("segments", [dialog["human_utterances"][-1]["text"]])} - try: - bot_sentseg = dialog["bot_utterances"][-1].get("annotations", {}).get("sentseg", {}) - resp["prev_phrase"] = bot_sentseg.get("segments", [dialog["bot_utterances"][-1]["text"]])[-1] + if len(dialog["bot_utterances"]): + bot_uttr = dialog["bot_utterances"][-1]["text"] bot_function = dialog["bot_utterances"][-1].get("annotations", {}).get("speech_function_classifier", [""])[-1] - resp["prev_speech_function"] = bot_function - except IndexError: - resp["prev_phrase"] = None - resp["prev_speech_function"] = None - return [resp] + else: + bot_uttr = "" + bot_function = "" + return [{ + "phrases": [dialog["human_utterances"][-1]["text"]], + "prev_phrases": [bot_uttr], + "prev_speech_functions": [bot_function], + }] def speech_function_bot_formatter(dialog: Dict): - bot_sentseg = dialog["bot_utterances"][-1].get("annotations", {}).get("sentseg", {}) - resp = {"phrase": bot_sentseg.get("segments", [dialog["bot_utterances"][-1]["text"]])} - if len(dialog["human_utterances"]) > 1: - human_sentseg = dialog["human_utterances"][-2].get("annotations", {}).get("sentseg", {}) - resp["prev_phrase"] = human_sentseg.get("segments", [dialog["human_utterances"][-2]["text"]])[-1] - human_function = ( - dialog["human_utterances"][-2].get("annotations", {}).get("speech_function_classifier", [""])[-1] - ) - resp["prev_speech_function"] = human_function - else: - resp["prev_phrase"] = None - resp["prev_speech_function"] = None - return [resp] + human_function = dialog["human_utterances"][-2].get("annotations", {}).get("speech_function_classifier", "") + return [{ + "phrases": [dialog["bot_utterances"][-1]["text"]], + "prev_phrases": [dialog["human_utterances"][-2]["text"]], + "prev_speech_functions": [human_function], + }] + + +def speech_function_hypotheses_formatter(dialog: Dict): + human_function = dialog["human_utterances"][-1].get("annotations", {}).get("speech_function_classifier", "") + hypotheses = dialog["human_utterances"][-1].get("hypotheses", []) + return [{ + "phrases": [hyp["text"] for hyp in hypotheses], + "prev_phrases": [dialog["human_utterances"][-1]["text"]] * len(hypotheses), + "prev_speech_functions": [human_function] * len(hypotheses), + }] def speech_function_annotation(dialog: Dict): From f3b416b207266c16d1704fe07f42b407c9ca5bce Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:25:57 +0400 Subject: [PATCH 71/82] fix: first turn --- state_formatters/dp_formatters.py | 13 ++++++++++--- 1 file changed, 10 insertions(+), 3 deletions(-) diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index cb6fce90d2..405d2d80f6 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1148,10 +1148,17 @@ def speech_function_formatter(dialog: Dict): def speech_function_bot_formatter(dialog: Dict): - human_function = dialog["human_utterances"][-2].get("annotations", {}).get("speech_function_classifier", "") + if len(dialog["human_utterances"]) > 1 and len(dialog["bot_utterances"]): + last_bot_uttr = dialog["bot_utterances"][-1]["text"] + prev_human_uttr = dialog["human_utterances"][-2]["text"] + human_function = dialog["human_utterances"][-2].get("annotations", {}).get("speech_function_classifier", "") + else: + last_bot_uttr = "" + prev_human_uttr = "" + human_function = "" return [{ - "phrases": [dialog["bot_utterances"][-1]["text"]], - "prev_phrases": [dialog["human_utterances"][-2]["text"]], + "phrases": [last_bot_uttr], + "prev_phrases": [prev_human_uttr], "prev_speech_functions": [human_function], }] From 722d8cc59c1a570cd0f9c38ccf9dfe8741a59955 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:40:49 +0400 Subject: [PATCH 72/82] fix: tests --- .../speech_function_classifier/test_server.py | 23 ++++++++----------- 1 file changed, 10 insertions(+), 13 deletions(-) diff --git a/annotators/speech_function_classifier/test_server.py b/annotators/speech_function_classifier/test_server.py index e4a7a4da31..89e5040b4c 100644 --- a/annotators/speech_function_classifier/test_server.py +++ b/annotators/speech_function_classifier/test_server.py @@ -4,34 +4,31 @@ SERVICE_PORT = os.getenv("SERVICE_PORT") URL = f"http://0.0.0.0:{SERVICE_PORT}" -MODEL_URL = f"{URL}/model" -ANNOTATION_URL = f"{URL}/annotation" def run_test(): model_test_data = { - "phrase": ["fine, thank you.", "and you?"], - "prev_phrase": "How are you doing today?", - "prev_speech_function": "Open.Demand.Fact", + "phrases": ["fine, thank you. and you?"], + "prev_phrases": ["How are you doing today?"], + "prev_speech_functions": ["Open.Demand.Fact"], } - model_hypothesis = requests.post(MODEL_URL, json=model_test_data).json() + model_hypothesis = requests.post(f"{URL}/respond", json=model_test_data).json() print("test name: sfc model_hypothesis") assert model_hypothesis == [ [ "React.Rejoinder.Support.Response.Resolve", - "React.Rejoinder.Confront.Response.Re-challenge", ] - ] + ], print(model_hypothesis) annotation_test_data = [ { - "phrase": "fine, thank you. and you?", - "prev_phrase": "How are you doing today?", - "prev_speech_function": "Open.Demand.Fact", + "phrases": ["fine, thank you.", "and you?"], + "prev_phrases": ["How are you doing today?", "How are you doing today?"], + "prev_speech_functions": ["Open.Demand.Fact", "Open.Demand.Fact"], } ] - annotation_hypothesis = requests.post(ANNOTATION_URL, json=annotation_test_data).json() + annotation_hypothesis = requests.post(f"{URL}/respond_batch", json=annotation_test_data).json() print("test name: sfc annotation_hypothesis") assert annotation_hypothesis == [ @@ -43,7 +40,7 @@ def run_test(): ] ] } - ] + ], print(annotation_hypothesis) print("Success") From 576a78f3f836aeaf305e30ddf548ab9a2c494c93 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:42:49 +0400 Subject: [PATCH 73/82] fix: tests --- .../speech_function_classifier/test_server.py | 19 +++++++------------ 1 file changed, 7 insertions(+), 12 deletions(-) diff --git a/annotators/speech_function_classifier/test_server.py b/annotators/speech_function_classifier/test_server.py index 89e5040b4c..30f85504c0 100644 --- a/annotators/speech_function_classifier/test_server.py +++ b/annotators/speech_function_classifier/test_server.py @@ -15,19 +15,14 @@ def run_test(): model_hypothesis = requests.post(f"{URL}/respond", json=model_test_data).json() print("test name: sfc model_hypothesis") - assert model_hypothesis == [ - [ - "React.Rejoinder.Support.Response.Resolve", - ] - ], print(model_hypothesis) + assert model_hypothesis == ["React.Rejoinder.Support.Response.Resolve"], print(model_hypothesis) + + annotation_test_data = { + "phrases": ["fine, thank you.", "and you?"], + "prev_phrases": ["How are you doing today?", "How are you doing today?"], + "prev_speech_functions": ["Open.Demand.Fact", "Open.Demand.Fact"], + } - annotation_test_data = [ - { - "phrases": ["fine, thank you.", "and you?"], - "prev_phrases": ["How are you doing today?", "How are you doing today?"], - "prev_speech_functions": ["Open.Demand.Fact", "Open.Demand.Fact"], - } - ] annotation_hypothesis = requests.post(f"{URL}/respond_batch", json=annotation_test_data).json() print("test name: sfc annotation_hypothesis") From 465a75c349c1300ae7b5ef27050b90c9d32eed5f Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:43:42 +0400 Subject: [PATCH 74/82] fix: tests --- annotators/speech_function_classifier/test_server.py | 7 +------ 1 file changed, 1 insertion(+), 6 deletions(-) diff --git a/annotators/speech_function_classifier/test_server.py b/annotators/speech_function_classifier/test_server.py index 30f85504c0..f4057d68b0 100644 --- a/annotators/speech_function_classifier/test_server.py +++ b/annotators/speech_function_classifier/test_server.py @@ -28,12 +28,7 @@ def run_test(): print("test name: sfc annotation_hypothesis") assert annotation_hypothesis == [ { - "batch": [ - [ - "React.Rejoinder.Support.Response.Resolve", - "React.Rejoinder.Confront.Response.Re-challenge", - ] - ] + 'batch': ['React.Rejoinder.Support.Response.Resolve', 'React.Rejoinder.Support.Track'] } ], print(annotation_hypothesis) From 2a734e90ce193a921155d25d1fa92848403f9971 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:44:53 +0400 Subject: [PATCH 75/82] fix: imports --- annotators/speech_function_classifier/server.py | 2 -- 1 file changed, 2 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 7b95abdfd5..ff063ebe75 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -1,12 +1,10 @@ import logging import os import time -from typing import List, Dict import sentry_sdk from flask import Flask, request, jsonify from models import get_speech_functions -from nltk import sent_tokenize sentry_sdk.init(os.getenv("SENTRY_DSN")) From 4543619f3831e2f0e0b85d5bc8435b249e3212ff Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 22:45:23 +0300 Subject: [PATCH 76/82] fix: black style --- .../speech_function_classifier/test_server.py | 4 +-- state_formatters/dp_formatters.py | 36 +++++++++++-------- 2 files changed, 22 insertions(+), 18 deletions(-) diff --git a/annotators/speech_function_classifier/test_server.py b/annotators/speech_function_classifier/test_server.py index f4057d68b0..76c2e5889c 100644 --- a/annotators/speech_function_classifier/test_server.py +++ b/annotators/speech_function_classifier/test_server.py @@ -27,9 +27,7 @@ def run_test(): print("test name: sfc annotation_hypothesis") assert annotation_hypothesis == [ - { - 'batch': ['React.Rejoinder.Support.Response.Resolve', 'React.Rejoinder.Support.Track'] - } + {"batch": ["React.Rejoinder.Support.Response.Resolve", "React.Rejoinder.Support.Track"]} ], print(annotation_hypothesis) print("Success") diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index 405d2d80f6..af24e2cca4 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1140,11 +1140,13 @@ def speech_function_formatter(dialog: Dict): else: bot_uttr = "" bot_function = "" - return [{ - "phrases": [dialog["human_utterances"][-1]["text"]], - "prev_phrases": [bot_uttr], - "prev_speech_functions": [bot_function], - }] + return [ + { + "phrases": [dialog["human_utterances"][-1]["text"]], + "prev_phrases": [bot_uttr], + "prev_speech_functions": [bot_function], + } + ] def speech_function_bot_formatter(dialog: Dict): @@ -1156,21 +1158,25 @@ def speech_function_bot_formatter(dialog: Dict): last_bot_uttr = "" prev_human_uttr = "" human_function = "" - return [{ - "phrases": [last_bot_uttr], - "prev_phrases": [prev_human_uttr], - "prev_speech_functions": [human_function], - }] + return [ + { + "phrases": [last_bot_uttr], + "prev_phrases": [prev_human_uttr], + "prev_speech_functions": [human_function], + } + ] def speech_function_hypotheses_formatter(dialog: Dict): human_function = dialog["human_utterances"][-1].get("annotations", {}).get("speech_function_classifier", "") hypotheses = dialog["human_utterances"][-1].get("hypotheses", []) - return [{ - "phrases": [hyp["text"] for hyp in hypotheses], - "prev_phrases": [dialog["human_utterances"][-1]["text"]] * len(hypotheses), - "prev_speech_functions": [human_function] * len(hypotheses), - }] + return [ + { + "phrases": [hyp["text"] for hyp in hypotheses], + "prev_phrases": [dialog["human_utterances"][-1]["text"]] * len(hypotheses), + "prev_speech_functions": [human_function] * len(hypotheses), + } + ] def speech_function_annotation(dialog: Dict): From 2e5b51886136db9f4de26766258af5a57067aedd Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:51:49 +0400 Subject: [PATCH 77/82] fix: logs --- annotators/speech_function_classifier/server.py | 3 +++ 1 file changed, 3 insertions(+) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index ff063ebe75..890d726364 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -38,6 +38,8 @@ def answer(): prev_phrases = ["" for _ in phrases] if prev_phrases is None else prev_phrases prev_speech_funcs = request.json.get("prev_speech_functions", None) prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs + logger.info( + f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}") responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) logger.info(f"speech_function_classifier responses: {responses}") @@ -56,6 +58,7 @@ def annotation(): prev_speech_funcs = request.json.get("prev_speech_functions", None) prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs + logger.info(f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}") responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) logger.info(f"speech_function_classifier responses: {responses}") From f93fad982d89469ab4c366f262a2572c3c70ba43 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:57:57 +0400 Subject: [PATCH 78/82] fix: pipeline --- .../dream_ranking_and_sf_based_dm/pipeline_conf.json | 4 +++- 1 file changed, 3 insertions(+), 1 deletion(-) diff --git a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json index 3618b0b350..3bcf659733 100644 --- a/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json +++ b/assistant_dists/dream_ranking_and_sf_based_dm/pipeline_conf.json @@ -404,7 +404,9 @@ }, "dialog_formatter": "state_formatters.dp_formatters:speech_function_hypotheses_formatter", "response_formatter": "state_formatters.dp_formatters:simple_formatter_service", - "previous_services": [], + "previous_services": [ + "skills" + ], "state_manager_method": "add_hypothesis_annotation_batch", "is_enabled": true, "source": { From 2850aefdd7fa7cdbe54bb0286799072a504d3e89 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Tue, 16 Jan 2024 00:08:17 +0400 Subject: [PATCH 79/82] fix: sfp --- state_formatters/dp_formatters.py | 5 +---- 1 file changed, 1 insertion(+), 4 deletions(-) diff --git a/state_formatters/dp_formatters.py b/state_formatters/dp_formatters.py index af24e2cca4..7c818e7e66 100755 --- a/state_formatters/dp_formatters.py +++ b/state_formatters/dp_formatters.py @@ -1196,10 +1196,7 @@ def speech_function_annotation(dialog: Dict): def speech_function_predictor_formatter(dialog: Dict): - res = None - res = dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""]) - logger.info(f"formatter log sfp/sfc: {res}") - return [{"funcs": res}] + return [{"funcs": [dialog["human_utterances"][-1]["annotations"].get("speech_function_classifier", [""])]}] def speech_function_hypotheses_predictor_formatter(dialog: Dict): From fece98756ca96cbf6fd8383662946c05593731a0 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Mon, 15 Jan 2024 23:17:11 +0300 Subject: [PATCH 80/82] fix: codestyle black --- annotators/speech_function_classifier/server.py | 7 +++++-- 1 file changed, 5 insertions(+), 2 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 890d726364..180c5c5f08 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -39,7 +39,8 @@ def answer(): prev_speech_funcs = request.json.get("prev_speech_functions", None) prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs logger.info( - f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}") + f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}" + ) responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) logger.info(f"speech_function_classifier responses: {responses}") @@ -58,7 +59,9 @@ def annotation(): prev_speech_funcs = request.json.get("prev_speech_functions", None) prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs - logger.info(f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}") + logger.info( + f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}" + ) responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) logger.info(f"speech_function_classifier responses: {responses}") From 03fb4309a5564ff339ab1f42e967616fee9e1039 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Tue, 16 Jan 2024 00:17:41 +0400 Subject: [PATCH 81/82] fix: codestyle --- annotators/speech_function_classifier/server.py | 6 ------ 1 file changed, 6 deletions(-) diff --git a/annotators/speech_function_classifier/server.py b/annotators/speech_function_classifier/server.py index 180c5c5f08..ff063ebe75 100644 --- a/annotators/speech_function_classifier/server.py +++ b/annotators/speech_function_classifier/server.py @@ -38,9 +38,6 @@ def answer(): prev_phrases = ["" for _ in phrases] if prev_phrases is None else prev_phrases prev_speech_funcs = request.json.get("prev_speech_functions", None) prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs - logger.info( - f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}" - ) responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) logger.info(f"speech_function_classifier responses: {responses}") @@ -59,9 +56,6 @@ def annotation(): prev_speech_funcs = request.json.get("prev_speech_functions", None) prev_speech_funcs = ["" for _ in phrases] if prev_speech_funcs is None else prev_speech_funcs - logger.info( - f"speech_function_classifier input:\nphrases={phrases}\nprev_phrases={prev_phrases}\nprev_speech_funcs={prev_speech_funcs}" - ) responses = get_speech_functions(phrases, prev_phrases, prev_speech_funcs) logger.info(f"speech_function_classifier responses: {responses}") From 79e22b0f58b2bf937a84cf28bbdc7d68eee0f936 Mon Sep 17 00:00:00 2001 From: dilyararimovna Date: Tue, 16 Jan 2024 00:22:50 +0400 Subject: [PATCH 82/82] fix: tests --- annotators/kbqa/tests/test_kbqa.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/annotators/kbqa/tests/test_kbqa.py b/annotators/kbqa/tests/test_kbqa.py index 09048d8e71..a147694b22 100644 --- a/annotators/kbqa/tests/test_kbqa.py +++ b/annotators/kbqa/tests/test_kbqa.py @@ -13,7 +13,7 @@ ), ( {"x_init": ["How old is Donald Trump?"], "entities": [["Donald Trump"]], "entity_tags": [[["per", 1.0]]]}, - "Donald Trump is 77 years old.", + "Donald Trump is 78 years old.", ), ], )