Skip to content

Commit

Permalink
[pre-commit.ci] auto fixes from pre-commit.com hooks
Browse files Browse the repository at this point in the history
for more information, see https://pre-commit.ci
  • Loading branch information
pre-commit-ci[bot] committed Jul 1, 2024
1 parent 439f890 commit a62351d
Show file tree
Hide file tree
Showing 25 changed files with 118 additions and 101 deletions.
3 changes: 1 addition & 2 deletions ice/agent.py
Original file line number Diff line number Diff line change
Expand Up @@ -21,8 +21,7 @@
except ImportError:

class Tfew(Agent):
def __init__(self, *args, **kwargs):
...
def __init__(self, *args, **kwargs): ...


MACHINE_AGENTS = {
Expand Down
1 change: 1 addition & 0 deletions ice/cache.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,7 @@
"""
Decorator for caching function results to disk
"""

import asyncio
import functools
import inspect
Expand Down
20 changes: 11 additions & 9 deletions ice/evaluation/evaluate_recipe_result.py
Original file line number Diff line number Diff line change
Expand Up @@ -138,9 +138,7 @@ def __str__(self) -> str:
correctness = (
"Correct"
if self.is_correct == True
else "Incorrect"
if self.is_correct == False
else "Not evaluated"
else "Incorrect" if self.is_correct == False else "Not evaluated"
)
return f"""{correctness}.
- Predicted: {self.predicted}
Expand Down Expand Up @@ -196,13 +194,17 @@ def evaluated_classifications(self) -> list[EvaluatedClassification]:

for i in range(0, max(len(recipe_classifications), len(gold_classifications))):
evaluated_classification = EvaluatedClassification(
predicted=recipe_classifications[i]
if i < len(recipe_classifications)
else None,
predicted=(
recipe_classifications[i]
if i < len(recipe_classifications)
else None
),
gold=gold_classifications[i] if i < len(gold_classifications) else None,
classification_eq=self.classification_eq[i]
if i < len(self.classification_eq)
else None,
classification_eq=(
self.classification_eq[i]
if i < len(self.classification_eq)
else None
),
)

evaluated_classifications.append(evaluated_classification)
Expand Down
18 changes: 9 additions & 9 deletions ice/evaluation/evaluation_report.py
Original file line number Diff line number Diff line change
Expand Up @@ -382,9 +382,9 @@ def make_dashboard_row_df(self):
classification_summary.proportion_correct
)

row[
f"Classification {i+1} # evaluated"
] = classification_summary.num_evaluated
row[f"Classification {i+1} # evaluated"] = (
classification_summary.num_evaluated
)

df = pd.DataFrame([row])
df.to_csv(
Expand All @@ -408,9 +408,9 @@ def make_experiments_evaluation_df(self):
"ice_commit": latest_commit_hash(),
"document_id": result.document_id,
"split": result.gold_standard.split if result.gold_standard else None,
"experiment": result.gold_standard.experiment
if result.gold_standard
else None,
"experiment": (
result.gold_standard.experiment if result.gold_standard else None
),
"total_gs_quotes": len(
result.evaluated_excerpts.gold_standards_in_excerpts_results
),
Expand All @@ -420,9 +420,9 @@ def make_experiments_evaluation_df(self):
"excerpts": result.evaluated_excerpts.excerpts,
"gs_quotes": result.evaluated_excerpts.gold_standards_str(),
"answer": result.answer,
"gs_answer": result.gold_standard.answer
if result.gold_standard
else None,
"gs_answer": (
result.gold_standard.answer if result.gold_standard else None
),
"answer_rating": result.answer_rating,
"failure_modes": result.failure_modes,
}
Expand Down
16 changes: 10 additions & 6 deletions ice/evaluation/summarize_experiment_evals.py
Original file line number Diff line number Diff line change
Expand Up @@ -35,13 +35,17 @@ async def summarize_experiment_evals(results_file: str):
row.get("classification_1"),
row.get("classification_2"),
],
answer_rating=None
if pd.isna(row.get("answer_rating"))
else int(row.get("answer_rating")),
answer_rating=(
None
if pd.isna(row.get("answer_rating"))
else int(row.get("answer_rating"))
),
elicit_commit=row.get("elicit_commit"),
failure_modes=None
if pd.isna(row.get("failure_modes"))
else row.failure_modes.split(","),
failure_modes=(
None
if pd.isna(row.get("failure_modes"))
else row.failure_modes.split(",")
),
)
for _, row in recipe_df.iterrows()
]
Expand Down
1 change: 1 addition & 0 deletions ice/metrics/gold_paragraphs.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,7 @@
"""
Make a dataframe that contains the paragraphs that contain the gold standard quotes.
"""

import asyncio
from pathlib import Path
from typing import Optional
Expand Down
12 changes: 4 additions & 8 deletions ice/metrics/gold_standards.py
Original file line number Diff line number Diff line change
Expand Up @@ -184,8 +184,7 @@ def get_gold_standards(
question_short_name: Optional[str] = None,
experiment: Optional[str] = None,
model_type: None = None,
) -> list[GoldStandard[Any]]:
...
) -> list[GoldStandard[Any]]: ...


@overload
Expand All @@ -195,8 +194,7 @@ def get_gold_standards(
document_id: Optional[str] = None,
question_short_name: Optional[str] = None,
experiment: Optional[str] = None,
) -> list[GoldStandard[ParsedGoldStandardType]]:
...
) -> list[GoldStandard[ParsedGoldStandardType]]: ...


def get_gold_standards(
Expand Down Expand Up @@ -226,8 +224,7 @@ def get_gold_standard(
question_short_name: Optional[str] = None,
experiment: Optional[str] = None,
model_type: None = None,
) -> Optional[GoldStandard[Any]]:
...
) -> Optional[GoldStandard[Any]]: ...


@overload
Expand All @@ -237,8 +234,7 @@ def get_gold_standard(
document_id: Optional[str] = None,
question_short_name: Optional[str] = None,
experiment: Optional[str] = None,
) -> Optional[GoldStandard[ParsedGoldStandardType]]:
...
) -> Optional[GoldStandard[ParsedGoldStandardType]]: ...


def get_gold_standard(
Expand Down
6 changes: 3 additions & 3 deletions ice/paper.py
Original file line number Diff line number Diff line change
Expand Up @@ -93,9 +93,9 @@ def parse_txt(file: Path) -> list[dict]:
"number": section_title_number(current_section),
}
],
"sectionType": "abstract"
if current_section == "Abstract"
else "main",
"sectionType": (
"abstract" if current_section == "Abstract" else "main"
),
}
)
return body
Expand Down
7 changes: 4 additions & 3 deletions ice/recipes/blinding_dynamic.py
Original file line number Diff line number Diff line change
Expand Up @@ -21,6 +21,7 @@
- routledge-2006.pdf
- vittengl-2009.pdf
"""

import itertools
from typing import Any
from typing import Literal
Expand Down Expand Up @@ -344,9 +345,9 @@ async def run(self, paper: Paper):
results_by_intervention: dict[str, dict[Group, dict[str, Any]]] = {}
interventions = await self.interventions(paper)
for intervention in interventions:
results_by_intervention[
intervention
] = await self.blinding_for_intervention(paper, intervention)
results_by_intervention[intervention] = (
await self.blinding_for_intervention(paper, intervention)
)

recipe_results: list[RecipeResult] = []
for intervention in interventions:
Expand Down
8 changes: 5 additions & 3 deletions ice/recipes/consort_flow/baselines.py
Original file line number Diff line number Diff line change
Expand Up @@ -342,9 +342,11 @@ async def _all_options(
except TooLongRequestError:
selections = remove_lowest_perplexity(selections)
return PaperQaAnswer(
answer=["The question is not answered in the text."]
if do_return_list
else "The question is not answered in the text.",
answer=(
["The question is not answered in the text."]
if do_return_list
else "The question is not answered in the text."
),
support_candidates=texts,
support_labels=[False for text in texts],
support_scores=[t[1] for t in texts_with_perplexities],
Expand Down
8 changes: 5 additions & 3 deletions ice/recipes/consort_flow/golds.py
Original file line number Diff line number Diff line change
Expand Up @@ -54,9 +54,11 @@ def paper_to_allocation_gold_standards(
(
f"The {exp.name} experiment included {len(exp.arms or [])} arms: {', '.join((arm.name for arm in exp.arms or []))}. How many participants were initially allocated to the {arm.name} arm of the {exp.name} experiment?",
texts,
arm.allocated.quotes
if arm.allocated and isinstance(arm.allocated, SampleSize)
else [],
(
arm.allocated.quotes
if arm.allocated and isinstance(arm.allocated, SampleSize)
else []
),
)
for exp in gs.parsed_answer.experiments
for arm in (exp.arms or [])
Expand Down
14 changes: 8 additions & 6 deletions ice/recipes/experiments_and_arms/recipes/best_passages.py
Original file line number Diff line number Diff line change
Expand Up @@ -43,9 +43,11 @@ async def rank_passages_selector(
) # really small non-infinite number
closest = min(
samples,
key=lambda sample: abs(sample.final_answer - mean_score)
if sample.final_answer
else float("inf"),
key=lambda sample: (
abs(sample.final_answer - mean_score)
if sample.final_answer
else float("inf")
),
)
return PassageWithReasoning(
passage=closest.passage,
Expand Down Expand Up @@ -154,9 +156,9 @@ async def score(

sorted_answers = sorted(
answers,
key=lambda prs: prs.final_answer
if prs.final_answer is not None
else float("-inf"),
key=lambda prs: (
prs.final_answer if prs.final_answer is not None else float("-inf")
),
reverse=True,
)
return sorted_answers
Expand Down
16 changes: 9 additions & 7 deletions ice/recipes/experiments_and_arms/recipes/name_experiments.py
Original file line number Diff line number Diff line change
Expand Up @@ -156,13 +156,15 @@ async def name_experiments(
assert experiment_names.final_answer is not None
return (
gs_names,
[
strip_enumeration_prefix(exp_name)
for exp_name in standardized_answer.split("\n")
if exp_name.strip()
]
if standardized_answer
else [],
(
[
strip_enumeration_prefix(exp_name)
for exp_name in standardized_answer.split("\n")
if exp_name.strip()
]
if standardized_answer
else []
),
paragraphs_to_keep,
[str(p) for p in paragraphs],
)
Expand Down
8 changes: 5 additions & 3 deletions ice/recipes/meta/eval_paper_qa/common_baselines.py
Original file line number Diff line number Diff line change
Expand Up @@ -197,9 +197,11 @@ async def preselected_few_shot_qa_baseline(
Demonstration(
question=g.question,
texts=g.gold_support,
answer=g.gold_answer
if isinstance(g.gold_answer, str)
else numbered_list(g.gold_answer).transform(),
answer=(
g.gold_answer
if isinstance(g.gold_answer, str)
else numbered_list(g.gold_answer).transform()
),
)
for g in demonstration_examples
]
Expand Down
9 changes: 3 additions & 6 deletions ice/recipes/meta/eval_paper_qa/types.py
Original file line number Diff line number Diff line change
Expand Up @@ -60,8 +60,7 @@ async def __call__(
__paper: Paper,
__question: str,
__gold_support: Optional[Sequence[str]] = None,
) -> PaperQaAnswer[AnswerType_contra]:
...
) -> PaperQaAnswer[AnswerType_contra]: ...


class AnswerEvalMethod(Protocol[AnswerType_contra]):
Expand All @@ -70,8 +69,7 @@ async def __call__(
question: str,
ground_truth: AnswerType_contra,
prediction: AnswerType_contra,
) -> tuple[bool, str]:
...
) -> tuple[bool, str]: ...


class ClassificationEvalMethod(Protocol):
Expand All @@ -81,5 +79,4 @@ async def __call__(
predictions: Sequence[bool],
ground_truth: Sequence[str],
scores: Optional[Sequence[float]] = None,
) -> BinaryClassificationMetrics:
...
) -> BinaryClassificationMetrics: ...
8 changes: 5 additions & 3 deletions ice/recipes/placebo_dialogs.py
Original file line number Diff line number Diff line change
Expand Up @@ -402,9 +402,11 @@ async def analyze_experiment(self, paper: Paper, experiment: Experiment):
experiment=experiment,
classifications=[
aggregate_used["answer"],
"Placebo"
if has_placebo_info
else "No placebo or placebo not mentioned",
(
"Placebo"
if has_placebo_info
else "No placebo or placebo not mentioned"
),
],
answer=placebo_result,
result=placebo_result,
Expand Down
8 changes: 5 additions & 3 deletions ice/recipes/placebo_keyword_baseline.py
Original file line number Diff line number Diff line change
Expand Up @@ -54,9 +54,11 @@ async def run(self, paper: Paper):
result=f"{placebo_answer.classification}: {placebo_answer.sentence}",
answer=f"{placebo_answer.classification}: {placebo_answer.sentence}",
classifications=[
"Placebo"
if placebo_answer.classification == "Placebo"
else "No placebo or placebo not mentioned",
(
"Placebo"
if placebo_answer.classification == "Placebo"
else "No placebo or placebo not mentioned"
),
placebo_answer.classification,
],
excerpts=[placebo_answer.sentence],
Expand Down
3 changes: 1 addition & 2 deletions ice/recipes/primer/answer_by_dispatch/types.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,8 +7,7 @@


class QuestionRecipe(Protocol):
async def __call__(self, question: str) -> str:
...
async def __call__(self, question: str) -> str: ...


@dataclass
Expand Down
9 changes: 3 additions & 6 deletions ice/recipes/primer/sequential_action.py
Original file line number Diff line number Diff line change
Expand Up @@ -82,16 +82,13 @@ async def answer_directly(question: str, log: Log) -> str:
class Action(ABC):
@classmethod
@abstractmethod
async def propose(cls, question: str, log: Log, max_actions: int) -> "Action":
...
async def propose(cls, question: str, log: Log, max_actions: int) -> "Action": ...

@abstractmethod
def run(self):
...
def run(self): ...

@abstractmethod
def make_log_entry(self, result: str) -> str:
...
def make_log_entry(self, result: str) -> str: ...


@dataclass
Expand Down
Loading

0 comments on commit a62351d

Please sign in to comment.