diff --git a/example/transform/huggingface_model_json.ipynb b/example/transform/huggingface_model_json.ipynb index ef43b77b..9dcbe576 100644 --- a/example/transform/huggingface_model_json.ipynb +++ b/example/transform/huggingface_model_json.ipynb @@ -79,14 +79,9 @@ } ], "source": [ - "from dotenv import load_dotenv\n", - "from IPython.display import display\n", - "\n", "from uniflow.flow.client import TransformClient\n", "from uniflow.flow.config import HuggingfaceModelConfig, TransformQAHuggingFaceJsonFormatConfig\n", - "from uniflow.op.prompt import Context\n", - "\n", - "load_dotenv()" + "from uniflow.op.prompt import Context" ] }, { diff --git a/example/transform/huggingface_pdf_source_irs_QA.ipynb b/example/transform/huggingface_pdf_source_irs_QA.ipynb new file mode 100644 index 00000000..868cce90 --- /dev/null +++ b/example/transform/huggingface_pdf_source_irs_QA.ipynb @@ -0,0 +1,1323 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "7cbc4c4a", + "metadata": {}, + "source": [ + "# Example of generating QAs for IRS PDF\n", + "In this example, we will show you how to generate question-answers (QAs) from a pdf using Huggingface's models via `uniflow`'s [TransformQAHuggingFaceJsonFormatConfig](https://github.com/CambioML/uniflow/blob/main/uniflow/flow/config.py#L168).\n", + "\n", + "For this example, we're using [IRS 2023](https://www.irs.gov/pub/irs-pdf/p535.pdf).\n", + "\n", + "### Before running the code\n", + "\n", + "You will need to `uniflow` conda environment to run this notebook. You can set up the environment following the instruction: https://github.com/CambioML/uniflow/tree/main#installation.\n", + "\n", + "For more details, see this [instruction](https://github.com/CambioML/uniflow/tree/main?tab=readme-ov-file#huggingfacemodelconfig)\n", + "\n", + "Finally, we are storing the IRS dataset in the `data\\raw_input` directory as \"IRS_2023.pdf\". You can download the file from [here](https://www.irs.gov/pub/irs-pdf/p535.pdf)." + ] + }, + { + "cell_type": "markdown", + "id": "f0680f79", + "metadata": {}, + "source": [ + "### Update system path" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "e48abf8f", + "metadata": {}, + "outputs": [], + "source": [ + "%reload_ext autoreload\n", + "%autoreload 2\n", + "\n", + "import sys\n", + "\n", + "sys.path.append(\".\")\n", + "sys.path.append(\"..\")\n", + "sys.path.append(\"../..\")" + ] + }, + { + "cell_type": "markdown", + "id": "20612882", + "metadata": {}, + "source": [ + "### Install helper packages" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "b161dd54", + "metadata": {}, + "outputs": [], + "source": [ + "!{sys.executable} -m pip install -q langchain pandas pypdf" + ] + }, + { + "cell_type": "markdown", + "id": "f010f635", + "metadata": {}, + "source": [ + "### Import Dependency" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "id": "8d84dd70", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "False" + ] + }, + "execution_count": 31, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import os\n", + "\n", + "import pandas as pd\n", + "\n", + "from uniflow.flow.client import ExtractClient, TransformClient\n", + "from uniflow.flow.config import ExtractPDFConfig, TransformQAHuggingFaceJsonFormatConfig\n", + "from uniflow.op.extract.split.constants import MARKDOWN_HEADER_SPLITTER\n", + "from uniflow.op.model.model_config import HuggingfaceModelConfig, NougatModelConfig\n", + "from uniflow.op.prompt import PromptTemplate, Context" + ] + }, + { + "cell_type": "markdown", + "id": "cb677037", + "metadata": {}, + "source": [ + "### Prepare the input data\n", + "\n", + "First, we need to pre-process the PDF to get text chunks that we can feed into the model. We will use `uniflow`'s `ExtractPDFConfig`." + ] + }, + { + "cell_type": "markdown", + "id": "ef64b646", + "metadata": {}, + "source": [ + "#### Load PDF" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "a707ef78", + "metadata": {}, + "outputs": [], + "source": [ + "pdf_file = \"IRS_2023.pdf\"" + ] + }, + { + "cell_type": "markdown", + "id": "4b177df1", + "metadata": {}, + "source": [ + "##### Set current directory and input data directory." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "092b355a", + "metadata": {}, + "outputs": [], + "source": [ + "dir_cur = os.getcwd()\n", + "input_file = os.path.join(f\"{dir_cur}/data/raw_input/\", pdf_file)" + ] + }, + { + "cell_type": "markdown", + "id": "7e90b269", + "metadata": {}, + "source": [ + "#### Set correct path" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "63e9a7f7", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[{'filename': '/home/ubuntu/uniflow/example/transform/data/raw_input/IRS_2023.pdf'}]\n" + ] + } + ], + "source": [ + "data = [\n", + " {\"filename\": input_file},\n", + "]\n", + "\n", + "from pprint import pprint\n", + "\n", + "pprint(data)" + ] + }, + { + "cell_type": "markdown", + "id": "6fd95598", + "metadata": {}, + "source": [ + "#### Create extract_config" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "9ddba5ea", + "metadata": {}, + "outputs": [], + "source": [ + "extract_config = ExtractPDFConfig(\n", + " model_config=NougatModelConfig(\n", + " model_name=\"0.1.0-small\",\n", + " batch_size=1, # When batch_size>1, nougat will run on CUDA, otherwise it will run on CPU\n", + " ),\n", + " splitter=MARKDOWN_HEADER_SPLITTER,\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "d7b5a712", + "metadata": {}, + "source": [ + "#### Create extract_client" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "cae041e2", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/opt/conda/envs/uniflow/lib/python3.10/site-packages/torch/functional.py:504: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at ../aten/src/ATen/native/TensorShape.cpp:3526.)\n", + " return _VF.meshgrid(tensors, **kwargs) # type: ignore[attr-defined]\n" + ] + } + ], + "source": [ + "extract_client = ExtractClient(extract_config)" + ] + }, + { + "cell_type": "markdown", + "id": "cd71259d", + "metadata": {}, + "source": [ + "#### Run extract_client" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "8ab2ec60", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 0%| | 0/1 [00:00, ?it/s]" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "INFO: likely hallucinated title at the end of the page: ## Costs You Can Deduct or Capitalize Page 27\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "100%|██████████| 1/1 [08:53<00:00, 533.49s/it]\n" + ] + } + ], + "source": [ + "extract_output = extract_client.run(data)" + ] + }, + { + "cell_type": "markdown", + "id": "efc1aa41", + "metadata": {}, + "source": [ + "#### Prepare sample prompts" + ] + }, + { + "cell_type": "markdown", + "id": "cbc9dccf", + "metadata": {}, + "source": [ + "First, we need to demonstrate sample prompts for LLM. We do this by giving a sample instruction to the PromptTemplate class" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "45f0b5e8", + "metadata": {}, + "outputs": [], + "source": [ + "sample_instruction = \"\"\"Assume you are an expert on tax, please generate as many question as possible based on the context. \n", + "Make sure those questions can cover any question people can think of by reading the context.\"\"\"\n", + "\n", + "guided_prompt = PromptTemplate(instruction=sample_instruction)" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "bc7012e8", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "sample size of processed input data: 197\n" + ] + }, + { + "data": { + "text/plain": [ + "[Context(context=\"**Publication 535**\\n**Publication 535**\\npublication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed.\\n_Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications.\\n_Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online.\"),\n", + " Context(context='## Future Developments\\nFor the latest information about developments related to Pub. 535, such as legislation enacted after it was published, go to _IRS.gov/Pub.535_.')]" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "input_context = [Context(context=ctx) for ctx in extract_output[0][\"output\"][0][\"text\"]]\n", + "\n", + "print(\"sample size of processed input data: \", len(input_context))\n", + "\n", + "input_context[:2]" + ] + }, + { + "cell_type": "markdown", + "id": "727b29b6", + "metadata": {}, + "source": [ + "### Use LLM to generate data\n", + "\n", + "In this example, we will use the TransformQAHuggingFaceJsonFormatConfig's LLM to generate questions and answers. Let's import the config and client of this model.\n", + "\n", + "Here, we pass in our `guided_prompt` to the `TransformQAHuggingFaceJsonFormatConfig` to use our customized instructions, instead of the `uniflow` default ones.\n", + "\n", + "We also want to get the response in the `json` format instead of the `text` default, so we set the `response_format` to `json_object`.\n", + "\n", + "You can update the `batch_size` based on the size of the data" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "0b17cb05", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Loading checkpoint shards: 100%|██████████| 3/3 [00:04<00:00, 1.60s/it]\n" + ] + } + ], + "source": [ + "question_config = TransformQAHuggingFaceJsonFormatConfig(\n", + " prompt_template=guided_prompt,\n", + " model_config=HuggingfaceModelConfig(\n", + " batch_size=1,\n", + " response_start_key=\"question\",\n", + " response_format={\"type\": \"json_object\"},\n", + " ),\n", + ")\n", + "question_client = TransformClient(question_config)" + ] + }, + { + "cell_type": "markdown", + "id": "a7124436", + "metadata": {}, + "source": [ + "Now we call the `run` method on the `question_client` object to execute the question generation operation on the data shown above." + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "6e7585bc", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + " 0%| | 0/197 [00:00, ?it/s]" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/opt/conda/envs/uniflow/lib/python3.10/site-packages/transformers/generation/configuration_utils.py:389: UserWarning: `do_sample` is set to `False`. However, `temperature` is set to `0.0` -- this flag is only used in sample-based generation modes. You should set `do_sample=True` or unset `temperature`.\n", + " warnings.warn(\n", + " 5%|▌ | 10/197 [13:52<4:17:41, 82.68s/it]/opt/conda/envs/uniflow/lib/python3.10/site-packages/transformers/pipelines/base.py:1101: UserWarning: You seem to be using the pipelines sequentially on GPU. In order to maximize efficiency please use a dataset\n", + " warnings.warn(\n", + "100%|██████████| 197/197 [4:56:10<00:00, 90.20s/it] \n" + ] + } + ], + "source": [ + "output_quesiton = question_client.run(input_context)" + ] + }, + { + "cell_type": "markdown", + "id": "05381d82", + "metadata": {}, + "source": [ + "### Process the output\n", + "\n", + "Let's take a look of the generated output. We need to do a little postprocessing on the raw output." + ] + }, + { + "cell_type": "code", + "execution_count": 68, + "id": "58f7c47c", + "metadata": {}, + "outputs": [], + "source": [ + "# Extracting context, question, and answer into a DataFrame\n", + "contexts = []\n", + "questions = []\n", + "answers = []" + ] + }, + { + "cell_type": "code", + "execution_count": 69, + "id": "5e026432", + "metadata": {}, + "outputs": [], + "source": [ + "for output in output_quesiton:\n", + " for i in output.get(\"output\", []):\n", + " for response in i.get(\"response\", []):\n", + " parts = response.split(\"\\n\")\n", + " response_dict = {}\n", + " last_key = None\n", + "\n", + " for i, part in enumerate(parts):\n", + " if \":\" in part:\n", + " key, value = part.split(\":\", 1)\n", + " key = key.strip()\n", + " value = value.strip()\n", + " response_dict[key] = [value]\n", + " last_key = key\n", + " elif last_key is not None:\n", + " if len(part) == 0:\n", + " continue\n", + " response_dict[last_key].append(part)\n", + "\n", + " if any(\n", + " key not in response_dict\n", + " for key in [\"instruction\", \"context\", \"question\"]\n", + " ):\n", + " continue\n", + "\n", + " contexts.append(response_dict[\"context\"])\n", + " questions.append(response_dict[\"question\"])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2d78916e", + "metadata": {}, + "outputs": [], + "source": [ + "pd.set_option(\"display.max_colwidth\", 1000)\n", + "pd.set_option(\"display.width\", 1000)\n", + "\n", + "df = pd.DataFrame(\n", + " {\n", + " \"Context\": [\n", + " \" \".join(context) if isinstance(context, list) else context\n", + " for context in contexts\n", + " ],\n", + " \"Question\": questions,\n", + " }\n", + ")\n", + "\n", + "df = df.explode(\"Question\")" + ] + }, + { + "cell_type": "code", + "execution_count": 92, + "id": "6d25a24a", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
| \n", + " | Context | \n", + "Question | \n", + "
|---|---|---|
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "\n", + " |
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "1. Where can I find specific tax topics in Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "2. How do I use the search feature on the IRS Interactive Tax Assistant (ITA) page to find tax topics related to Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "3. What categories of tax topics are available on the IRS Interactive Tax Assistant (ITA) page that relate to Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "4. Can I download both current and prior-year forms, instructions, and publications related to Publication 535 from IRS.gov/Forms? | \n", + "
| ... | \n", + "... | \n", + "... | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "36. What are some common misconceptions about tax filing requirements? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "37. How does percentage depletion work for oil and gas wells? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "38. What is the difference between exploratory expenses and development costs for tax purposes? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "39. What are the key differences between partnerships and corporations for tax purposes? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "40. What factors determine whether coal, iron, or similar | \n", + "
2977 rows × 2 columns
\n", + "| \n", + " | Context | \n", + "Question | \n", + "
|---|---|---|
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "\n", + " |
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "1. Where can I find specific tax topics in Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "2. How do I use the search feature on the IRS Interactive Tax Assistant (ITA) page to find tax topics related to Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "3. What categories of tax topics are available on the IRS Interactive Tax Assistant (ITA) page that relate to Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "4. Can I download both current and prior-year forms, instructions, and publications related to Publication 535 from IRS.gov/Forms? | \n", + "
| ... | \n", + "... | \n", + "... | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "36. What are some common misconceptions about tax filing requirements? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "37. How does percentage depletion work for oil and gas wells? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "38. What is the difference between exploratory expenses and development costs for tax purposes? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "39. What are the key differences between partnerships and corporations for tax purposes? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "40. What factors determine whether coal, iron, or similar | \n", + "
2647 rows × 2 columns
\n", + "| \n", + " | Context | \n", + "Question | \n", + "
|---|---|---|
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "1. Where can I find specific tax topics in Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "2. How do I use the search feature on the IRS Interactive Tax Assistant (ITA) page to find tax topics related to Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "3. What categories of tax topics are available on the IRS Interactive Tax Assistant (ITA) page that relate to Publication 535? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "4. Can I download both current and prior-year forms, instructions, and publications related to Publication 535 from IRS.gov/Forms? | \n", + "
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "5. How long does it take for the IRS to process my request for ordering current forms, instructions, and publications through their website? | \n", + "
| ... | \n", + "... | \n", + "... | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "36. What are some common misconceptions about tax filing requirements? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "37. How does percentage depletion work for oil and gas wells? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "38. What is the difference between exploratory expenses and development costs for tax purposes? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "39. What are the key differences between partnerships and corporations for tax purposes? | \n", + "
| 195 | \n", + "### How Can You Learn About Your Taxpayer Rights? The Taxpayer Bill of Rights describes 10 basic rights that all taxpayers have when dealing with the IRS. Go to _Taxpayer.ak/.pick/.pick_ to help you understand what these rights mean to you and how they apply. These are _your_ rights. Know them. Use them. You can find a list of your rights and the IRS's obligations to protect them in _Pub.L.Y. Your Rights as a Taxayer_. It includes the following. 1. **The Right To Be Informed.** Taxayers have the right to know what they need to do to comply with the tax laws. They are entitled to clear explanations of the laws and IRS procedures in all tax forms, instructions, publications, notices, and correspondence. They have the right to be informed of IRS decisions about their tax accounts and to receive clear explanations of the outcomes. 2. **The Right to Quality Service.** Taxayers have the right to receive prompt, courous, and professional assistance in their dealings with the IRS, to be sp... | \n", + "40. What factors determine whether coal, iron, or similar | \n", + "
2622 rows × 2 columns
\n", + "| \n", + " | Context | \n", + "Question | \n", + "Answer | \n", + "
|---|---|---|---|
| 0 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "1. Where can I find specific tax topics in Publication 535? | \n", + "1. You can find specific tax topics in Publication 535 by going to the IRS Interactive Tax Assistant page at IRS.gov ( Hela/ITA ). Use the search feature or view the categories listed to find topics related to your query. | \n", + "
| 1 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "2. How do I use the search feature on the IRS Interactive Tax Assistant (ITA) page to find tax topics related to Publication 535? | \n", + "2. To use the search feature on the IRS Interactive Tax Assistant (ITA) page to find tax topics related to Publication 535, follow these steps: 1. Go to the IRS Interactive Tax Assistant (ITA) page at IRS.gov/Help/ITA. 2. In the Search box located in the top right corner of the page, type \"Publication 535\" or specific keywords related to the topic within the publication. 3. Press Enter or click the magnifying glass icon next to the search box to initiate the search. 4. Review the results displayed on the screen and select the relevant tax topic to access more information and resources. | \n", + "
| 2 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "3. What categories of tax topics are available on the IRS Interactive Tax Assistant (ITA) page that relate to Publication 535? | \n", + "3. On the IRS Interactive Tax Assistant (ITA) page, the following categories related to Publication 535 may be found: \"Getting tax help,\" which includes topics on how to obtain assistance with tax issues, including information about Publication 535 itself. Other relevant categories might include \"Tax credits and deductions\" or \"Retirement plans and IRAs.\" Use the search feature on the IRS Interactive Tax Assistant page to explore these and other potential categories in more detail. | \n", + "
| 3 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "4. Can I download both current and prior-year forms, instructions, and publications related to Publication 535 from IRS.gov/Forms? | \n", + "4. Yes, you can download both current and prior-year forms, instructions, and publications related to Publication 535 from IRS.gov/Forms. | \n", + "
| 4 | \n", + "**Publication 535** **Publication 535** publication or the _How To Get Tax Help_ section at the end of this publication, go to the IRS Interactive Tax Assistant page at _IRS.gov_ _Hela/ITA_ where you can find topics by using the search feature or viewing the categories listed. _Getting tax forms, instructions, and publications_. Go to _IRS.gov/Forms_ to download current and prior-year forms, instructions, and publications. _Ordering tax forms, instructions, and publications._ Go to _IRS.gov/OrderForms_ to order current forms, instructions, and publications; call 800-829-3676 to order prior-year forms and instructions. The IRS will process your order for forms and publications as soon as possible. **Don't** resmbur requests you already sent us. You can get forms and publications faster online. | \n", + "5. How long does it take for the IRS to process my request for ordering current forms, instructions, and publications through their website? | \n", + "5. There is no specific time mentioned in the context for the IRS to process a request for ordering current forms, instructions, and publications through their website. However, it is suggested that individuals can get these materials faster online compared to ordering them. | \n", + "
| ... | \n", + "... | \n", + "... | \n", + "... | \n", + "
| 2363 | \n", + "### What Is TAS? TAS is an _Independent_ organization within the IRS that helps taxpayers and protects taxpayer rights. Their job is to ensure that every taxpayer is treated fairly and that you know and understand your rights under the _Taxpayer Bill of Rights_. | \n", + "5. What types of issues can taxpayers bring before TAS for resolution? | \n", + "5. Taxpayers can bring various issues before TAS for resolution, including but not limited to: disputes involving income tax, payroll tax, estate and gift tax, and collection matters. They can also seek assistance in resolving identity theft cases or appeals related to penalties or interest assessments. Additionally, TAS may help taxpayers who believe they have received incorrect refunds or overassessments. However, it's important to note that TAS does not have the authority to change the law or grant amnesty from taxes owed. | \n", + "
| 2364 | \n", + "### What Is TAS? TAS is an _Independent_ organization within the IRS that helps taxpayers and protects taxpayer rights. Their job is to ensure that every taxpayer is treated fairly and that you know and understand your rights under the _Taxpayer Bill of Rights_. | \n", + "6. How long does it typically take for TAS to review and respond to a case once it has been submitted? | \n", + "6. The length of time it takes for TAS to review and respond to a case can vary greatly depending on the complexity of the issue and the volume of cases they are currently handling. On average, it may take anywhere from several months to over a year for a decision to be made. However, TAS strives to resolve each case as quickly as possible while ensuring thoroughness and fairness. It's important to note that the processing time can also depend on whether additional information or documentation is required from the taxpayer during the review process. | \n", + "
| 2365 | \n", + "### What Is TAS? TAS is an _Independent_ organization within the IRS that helps taxpayers and protects taxpayer rights. Their job is to ensure that every taxpayer is treated fairly and that you know and understand your rights under the _Taxpayer Bill of Rights_. | \n", + "7. Are there any costs associated with filing a request with TAS for help with a tax issue? | \n", + "7. No, there are no fees or costs associated with filing a request for assistance with Taxpayer Advocacy Service (TAS) regarding a tax issue. The service is free to all eligible taxpayers. However, keep in mind that some actions taken as part of resolving a tax matter may require payment, such as owing back taxes or penalties. But the act of contacting TAS itself does not come with any cost. | \n", + "
| 2366 | \n", + "### What Is TAS? TAS is an _Independent_ organization within the IRS that helps taxpayers and protects taxpayer rights. Their job is to ensure that every taxpayer is treated fairly and that you know and understand your rights under the _Taxpayer Bill of Rights_. | \n", + "8. Does contacting TAS affect any ongoing audit or collection process with the IRS? | \n", + "8. Contacting the Taxpayer Advocacy Service (TAS) does not automatically stop any ongoing audits or collections processes with the Internal Revenue Service (IRS). However, TAS may be able to help taxpayers resolve issues they have with the IRS, including those related to audits and collections. If you are concerned about how contacting TAS might impact your specific situation, it's best to consult with a tax professional or contact TAS directly for guidance. | \n", + "
| 2367 | \n", + "### What Is TAS? TAS is an _Independent_ organization within the IRS that helps taxpayers and protects taxpayer rights. Their job is to ensure that every taxpayer is treated fairly and that you know and understand your rights under the _Taxpayer Bill of Rights_. | \n", + "9. If TAS finds in favor of a taxpayer, what actions will be taken to rectify the situation? | \n", + "9. If TAS finds in favor of a taxpayer, they will work with the appropriate IRS office or function to correct any errors or resolve the issue. This may include providing additional education to IRS personnel, making adjustments to tax records, granting refunds or abatements, or offering other forms of relief as allowed by law. The specific action taken depends on the nature of the case. | \n", + "
2368 rows × 3 columns
\n", + "