folktexts
Readme file
API reference
Example notebooks
folktexts
Index
Index
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
K
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
A
ACS_DATASET_CONFIGS (folktexts.benchmark.Benchmark attribute)
ACSDataset (class in folktexts.acs.acs_dataset)
ACSTaskMetadata (class in folktexts.acs.acs_tasks)
add_pad_token() (in module folktexts.llm_utils)
answer_keys (folktexts.qa_interface.MultipleChoiceQA property)
answer_probability (folktexts.qa_interface.DirectNumericQA attribute)
apply_chat_template() (in module folktexts.prompting)
apply_to_column_data() (folktexts.threshold.Threshold method)
apply_to_column_name() (folktexts.threshold.Threshold method)
B
batch_size (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
Benchmark (class in folktexts.benchmark)
BenchmarkConfig (class in folktexts.benchmark)
bootstrap_estimate() (in module folktexts.evaluation)
C
check_task_columns_are_available() (folktexts.task.TaskMetadata method)
check_webAPI_deps() (folktexts.classifier.web_api_classifier.WebAPILLMClassifier static method)
Choice (class in folktexts.qa_interface)
choice_to_key (folktexts.qa_interface.MultipleChoiceQA property)
choices (folktexts.qa_interface.MultipleChoiceQA attribute)
cols_to_text (folktexts.task.TaskMetadata attribute)
column (folktexts.qa_interface.QAInterface attribute)
ColumnToText (class in folktexts.col_to_text)
compute_best_threshold() (in module folktexts.evaluation)
compute_feature_importance() (in module folktexts.cli.eval_feature_importance)
compute_risk_estimates_for_dataframe() (folktexts.classifier.base.LLMClassifier method)
compute_risk_estimates_for_dataset() (folktexts.classifier.base.LLMClassifier method)
configs_dict (folktexts.benchmark.Benchmark property)
context_size (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
correct_order_bias (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
(folktexts.classifier.base.LLMClassifier property)
create_answer_keys_permutations() (folktexts.qa_interface.MultipleChoiceQA class method)
create_question_from_value_map() (folktexts.qa_interface.MultipleChoiceQA class method)
create_task_with_feature_subset() (folktexts.task.TaskMetadata method)
custom_prompt_prefix (folktexts.classifier.base.LLMClassifier property)
D
data (folktexts.dataset.Dataset property)
data_value (folktexts.qa_interface.Choice attribute)
,
[1]
Dataset (class in folktexts.dataset)
default_config() (folktexts.benchmark.BenchmarkConfig class method)
DEFAULT_INFERENCE_KWARGS (folktexts.classifier.base.LLMClassifier attribute)
describe_income_to_poverty_ratio_pct() (in module folktexts.acs.acs_columns)
description (folktexts.task.TaskMetadata attribute)
direct_numeric_qa (folktexts.task.TaskMetadata attribute)
DirectNumericQA (class in folktexts.qa_interface)
E
encode_row (folktexts.classifier.base.LLMClassifier property)
encode_row_prompt() (in module folktexts.prompting)
encode_row_prompt_chat() (in module folktexts.prompting)
encode_row_prompt_few_shot() (in module folktexts.prompting)
env_vars (folktexts.cli.experiments.Experiment attribute)
evaluate_binary_predictions() (in module folktexts.evaluation)
evaluate_binary_predictions_fairness() (in module folktexts.evaluation)
evaluate_predictions() (in module folktexts.evaluation)
evaluate_predictions_bootstrap() (in module folktexts.evaluation)
executable_path (folktexts.cli.experiments.Experiment attribute)
Experiment (class in folktexts.cli.experiments)
F
feature_subset (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
features (folktexts.task.TaskMetadata attribute)
few_shot (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
filter() (folktexts.dataset.Dataset method)
fit() (folktexts.classifier.base.LLMClassifier method)
folktables_obj (folktexts.acs.acs_tasks.ACSTaskMetadata attribute)
folktexts
module
folktexts.acs
module
folktexts.acs.acs_columns
module
folktexts.acs.acs_dataset
module
folktexts.acs.acs_questions
module
folktexts.acs.acs_tasks
module
folktexts.acs.acs_thresholds
module
folktexts.benchmark
module
folktexts.classifier
module
folktexts.classifier.base
module
folktexts.classifier.transformers_classifier
module
folktexts.classifier.web_api_classifier
module
folktexts.cli
module
folktexts.cli.download_models
module
folktexts.cli.eval_feature_importance
module
folktexts.cli.experiments
module
folktexts.cli.launch_experiments_htcondor
module
folktexts.cli.rerun_experiment
module
folktexts.cli.run_acs_benchmark
module
folktexts.col_to_text
module
folktexts.dataset
module
folktexts.evaluation
module
folktexts.llm_utils
module
folktexts.plotting
module
folktexts.prompting
module
folktexts.qa_interface
module
folktexts.task
module
folktexts.threshold
module
G
get_all_experiments() (folktexts.cli.experiments.Experiment class method)
get_answer_from_model_output() (folktexts.qa_interface.DirectNumericQA method)
(folktexts.qa_interface.MultipleChoiceQA method)
(folktexts.qa_interface.QAInterface method)
get_answer_from_text() (folktexts.qa_interface.MultipleChoiceQA method)
get_answer_key_from_value() (folktexts.qa_interface.MultipleChoiceQA method)
get_data_split() (folktexts.dataset.Dataset method)
get_features_data() (folktexts.dataset.Dataset method)
get_model_folder_path() (in module folktexts.llm_utils)
get_model_size_B() (in module folktexts.llm_utils)
get_numeric_value() (folktexts.qa_interface.Choice method)
get_question_prompt() (folktexts.qa_interface.DirectNumericQA method)
(folktexts.qa_interface.MultipleChoiceQA method)
(folktexts.qa_interface.QAInterface method)
get_row_description() (folktexts.task.TaskMetadata method)
get_sensitive_attribute_data() (folktexts.dataset.Dataset method)
get_target() (folktexts.task.TaskMetadata method)
get_target_data() (folktexts.dataset.Dataset method)
get_task() (folktexts.task.TaskMetadata class method)
get_test() (folktexts.dataset.Dataset method)
get_text() (folktexts.col_to_text.ColumnToText method)
get_train() (folktexts.dataset.Dataset method)
get_val() (folktexts.dataset.Dataset method)
get_value_to_text_map() (folktexts.qa_interface.MultipleChoiceQA method)
H
hash() (folktexts.cli.experiments.Experiment method)
I
inference_kwargs (folktexts.classifier.base.LLMClassifier property)
is_bf16_compatible() (in module folktexts.cli.download_models)
(in module folktexts.llm_utils)
J
job_bid (folktexts.cli.experiments.Experiment attribute)
job_cpus (folktexts.cli.experiments.Experiment attribute)
job_gpu_memory_gb (folktexts.cli.experiments.Experiment attribute)
job_gpus (folktexts.cli.experiments.Experiment attribute)
job_memory_gb (folktexts.cli.experiments.Experiment attribute)
K
key_to_choice (folktexts.qa_interface.MultipleChoiceQA property)
kwargs (folktexts.cli.experiments.Experiment attribute)
L
launch_experiment_job() (in module folktexts.cli.experiments)
LLMClassifier (class in folktexts.classifier.base)
load_from_disk() (folktexts.benchmark.BenchmarkConfig class method)
load_model_tokenizer() (in module folktexts.llm_utils)
M
main() (in module folktexts.cli.download_models)
(in module folktexts.cli.eval_feature_importance)
(in module folktexts.cli.launch_experiments_htcondor)
(in module folktexts.cli.run_acs_benchmark)
make_acs_benchmark() (folktexts.benchmark.Benchmark class method)
make_benchmark() (folktexts.benchmark.Benchmark class method)
make_folktables_task() (folktexts.acs.acs_tasks.ACSTaskMetadata class method)
make_from_task() (folktexts.acs.acs_dataset.ACSDataset class method)
make_llm_clf_experiment() (in module folktexts.cli.launch_experiments_htcondor)
make_task() (folktexts.acs.acs_tasks.ACSTaskMetadata class method)
model (folktexts.classifier.transformers_classifier.TransformersLLMClassifier property)
model_name (folktexts.benchmark.Benchmark property)
(folktexts.classifier.base.LLMClassifier property)
module
folktexts
folktexts.acs
folktexts.acs.acs_columns
folktexts.acs.acs_dataset
folktexts.acs.acs_questions
folktexts.acs.acs_tasks
folktexts.acs.acs_thresholds
folktexts.benchmark
folktexts.classifier
folktexts.classifier.base
folktexts.classifier.transformers_classifier
folktexts.classifier.web_api_classifier
folktexts.cli
folktexts.cli.download_models
folktexts.cli.eval_feature_importance
folktexts.cli.experiments
folktexts.cli.launch_experiments_htcondor
folktexts.cli.rerun_experiment
folktexts.cli.run_acs_benchmark
folktexts.col_to_text
folktexts.dataset
folktexts.evaluation
folktexts.llm_utils
folktexts.plotting
folktexts.prompting
folktexts.qa_interface
folktexts.task
folktexts.threshold
multiple_choice_qa (folktexts.task.TaskMetadata attribute)
MultipleChoiceQA (class in folktexts.qa_interface)
N
name (folktexts.col_to_text.ColumnToText property)
(folktexts.dataset.Dataset property)
(folktexts.task.TaskMetadata attribute)
num_forward_passes (folktexts.qa_interface.DirectNumericQA attribute)
(folktexts.qa_interface.MultipleChoiceQA attribute)
(folktexts.qa_interface.QAInterface attribute)
numeric_risk_prompting (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
numeric_value (folktexts.qa_interface.Choice attribute)
,
[1]
O
op (folktexts.threshold.Threshold attribute)
,
[1]
P
parse_feature_importance() (in module folktexts.cli.eval_feature_importance)
plot_results() (folktexts.benchmark.Benchmark method)
population_filter (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
predict() (folktexts.classifier.base.LLMClassifier method)
predict_proba() (folktexts.classifier.base.LLMClassifier method)
Q
QAInterface (class in folktexts.qa_interface)
query_model_batch() (in module folktexts.llm_utils)
query_model_batch_multiple_passes() (in module folktexts.llm_utils)
question (folktexts.col_to_text.ColumnToText property)
(folktexts.task.TaskMetadata property)
R
render_evaluation_plots() (in module folktexts.plotting)
render_fairness_plots() (in module folktexts.plotting)
results (folktexts.benchmark.Benchmark property)
results_dir (folktexts.benchmark.Benchmark property)
results_root_dir (folktexts.benchmark.Benchmark property)
reuse_few_shot_examples (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
run() (folktexts.benchmark.Benchmark method)
S
sample_n_train_examples() (folktexts.dataset.Dataset method)
save_fig() (in module folktexts.plotting)
save_results() (folktexts.benchmark.Benchmark method)
save_to_disk() (folktexts.benchmark.BenchmarkConfig method)
seed (folktexts.benchmark.BenchmarkConfig attribute)
,
[1]
(folktexts.classifier.base.LLMClassifier property)
(folktexts.dataset.Dataset property)
sensitive_attribute (folktexts.task.TaskMetadata attribute)
sensitive_attribute_value_map() (folktexts.task.TaskMetadata method)
set_fit_request() (folktexts.classifier.base.LLMClassifier method)
(folktexts.classifier.transformers_classifier.TransformersLLMClassifier method)
(folktexts.classifier.web_api_classifier.WebAPILLMClassifier method)
set_inference_kwargs() (folktexts.classifier.base.LLMClassifier method)
set_predict_proba_request() (folktexts.classifier.base.LLMClassifier method)
(folktexts.classifier.transformers_classifier.TransformersLLMClassifier method)
(folktexts.classifier.web_api_classifier.WebAPILLMClassifier method)
set_predict_request() (folktexts.classifier.base.LLMClassifier method)
(folktexts.classifier.transformers_classifier.TransformersLLMClassifier method)
(folktexts.classifier.web_api_classifier.WebAPILLMClassifier method)
set_question() (folktexts.task.TaskMetadata method)
set_score_request() (folktexts.classifier.base.LLMClassifier method)
(folktexts.classifier.transformers_classifier.TransformersLLMClassifier method)
(folktexts.classifier.web_api_classifier.WebAPILLMClassifier method)
setup_arg_parser() (in module folktexts.cli.download_models)
(in module folktexts.cli.eval_feature_importance)
(in module folktexts.cli.launch_experiments_htcondor)
(in module folktexts.cli.rerun_experiment)
(in module folktexts.cli.run_acs_benchmark)
short_description (folktexts.col_to_text.ColumnToText property)
subsample() (folktexts.dataset.Dataset method)
subsampling (folktexts.dataset.Dataset property)
T
target (folktexts.task.TaskMetadata attribute)
target_threshold (folktexts.task.TaskMetadata attribute)
task (folktexts.acs.acs_dataset.ACSDataset property)
(folktexts.benchmark.Benchmark property)
(folktexts.classifier.base.LLMClassifier property)
(folktexts.dataset.Dataset property)
TaskMetadata (class in folktexts.task)
test_size (folktexts.dataset.Dataset property)
text (folktexts.qa_interface.Choice attribute)
,
[1]
(folktexts.qa_interface.QAInterface attribute)
Threshold (class in folktexts.threshold)
threshold (folktexts.classifier.base.LLMClassifier property)
to_dict() (folktexts.cli.experiments.Experiment method)
tokenizer (folktexts.classifier.transformers_classifier.TransformersLLMClassifier property)
track_cost_callback() (folktexts.classifier.web_api_classifier.WebAPILLMClassifier method)
train_size (folktexts.dataset.Dataset property)
TransformersLLMClassifier (class in folktexts.classifier.transformers_classifier)
U
update() (folktexts.benchmark.BenchmarkConfig method)
use_numeric_qa (folktexts.task.TaskMetadata property)
V
val_size (folktexts.dataset.Dataset property)
valid_ops (folktexts.threshold.Threshold attribute)
value (folktexts.threshold.Threshold attribute)
,
[1]
value_map (folktexts.col_to_text.ColumnToText property)
W
WebAPILLMClassifier (class in folktexts.classifier.web_api_classifier)