doctr.contrib¶
+This module contains all the available contribution modules for docTR.
+Supported contribution modules¶
+Here are all the available contribution modules:
+diff --git a/.doctrees/environment.pickle b/.doctrees/environment.pickle index c363372b1e..d594782bab 100644 Binary files a/.doctrees/environment.pickle and b/.doctrees/environment.pickle differ diff --git a/latest/_modules/doctr/datasets/cord.html b/latest/_modules/doctr/datasets/cord.html index 08ee572cbf..c5d54c90a3 100644 --- a/latest/_modules/doctr/datasets/cord.html +++ b/latest/_modules/doctr/datasets/cord.html @@ -191,6 +191,7 @@
"classification": models.classification.zoo.ARCHS,
"detection": models.detection.zoo.ARCHS,
"recognition": models.recognition.zoo.ARCHS,
- "obj_detection": ["fasterrcnn_mobilenet_v3_large_fpn"] if is_torch_available() else None,
}
@@ -363,8 +364,8 @@ Source code for doctr.models.factory.hub
if run_config is None and arch is None:
raise ValueError("run_config or arch must be specified")
- if task not in ["classification", "detection", "recognition", "obj_detection"]:
- raise ValueError("task must be one of classification, detection, recognition, obj_detection")
+ if task not in ["classification", "detection", "recognition"]:
+ raise ValueError("task must be one of classification, detection, recognition")
# default readme
readme = textwrap.dedent(
@@ -418,7 +419,7 @@ Source code for doctr.models.factory.hub
\n{json.dumps(vars(run_config), indent=2, ensure_ascii=False)}"""
)
- if arch not in AVAILABLE_ARCHS[task]: # type: ignore
+ if arch not in AVAILABLE_ARCHS[task]:
raise ValueError(
f"Architecture: {arch} for task: {task} not found.\
\nAvailable architectures: {AVAILABLE_ARCHS}"
@@ -473,14 +474,6 @@ Source code for doctr.models.factory.hub
model = models.detection.__dict__[arch](pretrained=False)
elif task == "recognition":
model = models.recognition.__dict__[arch](pretrained=False, input_shape=cfg["input_shape"], vocab=cfg["vocab"])
- elif task == "obj_detection" and is_torch_available():
- model = models.obj_detection.__dict__[arch](
- pretrained=False,
- image_mean=cfg["mean"],
- image_std=cfg["std"],
- max_size=cfg["input_shape"][-1],
- num_classes=len(cfg["classes"]),
- )
# update model cfg
model.cfg = cfg
diff --git a/latest/_modules/doctr/models/recognition/crnn/tensorflow.html b/latest/_modules/doctr/models/recognition/crnn/tensorflow.html
index 88dae9be17..8ad0466dab 100644
--- a/latest/_modules/doctr/models/recognition/crnn/tensorflow.html
+++ b/latest/_modules/doctr/models/recognition/crnn/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/models/recognition/master/tensorflow.html b/latest/_modules/doctr/models/recognition/master/tensorflow.html
index 17d35bdc33..23f2aceb60 100644
--- a/latest/_modules/doctr/models/recognition/master/tensorflow.html
+++ b/latest/_modules/doctr/models/recognition/master/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/models/recognition/parseq/tensorflow.html b/latest/_modules/doctr/models/recognition/parseq/tensorflow.html
index 407ca167b9..96d8b7c746 100644
--- a/latest/_modules/doctr/models/recognition/parseq/tensorflow.html
+++ b/latest/_modules/doctr/models/recognition/parseq/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/models/recognition/sar/tensorflow.html b/latest/_modules/doctr/models/recognition/sar/tensorflow.html
index 1e8d4753fe..29732ee3d6 100644
--- a/latest/_modules/doctr/models/recognition/sar/tensorflow.html
+++ b/latest/_modules/doctr/models/recognition/sar/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/models/recognition/vitstr/tensorflow.html b/latest/_modules/doctr/models/recognition/vitstr/tensorflow.html
index 51e696d419..8774485c1f 100644
--- a/latest/_modules/doctr/models/recognition/vitstr/tensorflow.html
+++ b/latest/_modules/doctr/models/recognition/vitstr/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/models/recognition/zoo.html b/latest/_modules/doctr/models/recognition/zoo.html
index 7ef71dab18..b1f01b2a27 100644
--- a/latest/_modules/doctr/models/recognition/zoo.html
+++ b/latest/_modules/doctr/models/recognition/zoo.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/models/zoo.html b/latest/_modules/doctr/models/zoo.html
index 1879be47f7..98d094b243 100644
--- a/latest/_modules/doctr/models/zoo.html
+++ b/latest/_modules/doctr/models/zoo.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/transforms/modules/base.html b/latest/_modules/doctr/transforms/modules/base.html
index e192138b12..ad209b0ba8 100644
--- a/latest/_modules/doctr/transforms/modules/base.html
+++ b/latest/_modules/doctr/transforms/modules/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/transforms/modules/tensorflow.html b/latest/_modules/doctr/transforms/modules/tensorflow.html
index ab4921cae2..6cffc1428a 100644
--- a/latest/_modules/doctr/transforms/modules/tensorflow.html
+++ b/latest/_modules/doctr/transforms/modules/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/utils/metrics.html b/latest/_modules/doctr/utils/metrics.html
index 3d54cf5086..e9976e48de 100644
--- a/latest/_modules/doctr/utils/metrics.html
+++ b/latest/_modules/doctr/utils/metrics.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/doctr/utils/visualization.html b/latest/_modules/doctr/utils/visualization.html
index 839f6e57db..5dbee4b75b 100644
--- a/latest/_modules/doctr/utils/visualization.html
+++ b/latest/_modules/doctr/utils/visualization.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_modules/index.html b/latest/_modules/index.html
index bc9181fe24..27e11ad73f 100644
--- a/latest/_modules/index.html
+++ b/latest/_modules/index.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/_sources/getting_started/installing.rst.txt b/latest/_sources/getting_started/installing.rst.txt
index a00451514a..46d4177b30 100644
--- a/latest/_sources/getting_started/installing.rst.txt
+++ b/latest/_sources/getting_started/installing.rst.txt
@@ -38,16 +38,16 @@ We strive towards reducing framework-specific dependencies to a minimum, but som
.. code:: bash
pip install "python-doctr[tf]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[tf,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[tf,viz,html,contib]"
.. tab:: PyTorch
.. code:: bash
pip install "python-doctr[torch]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[torch,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/latest/_sources/index.rst.txt b/latest/_sources/index.rst.txt
index 8b4ad6fa20..906a1546e3 100644
--- a/latest/_sources/index.rst.txt
+++ b/latest/_sources/index.rst.txt
@@ -77,6 +77,7 @@ Supported datasets
using_doctr/using_models
using_doctr/using_datasets
+ using_doctr/using_contrib_modules
using_doctr/sharing_models
using_doctr/using_model_export
using_doctr/custom_models_training
@@ -88,6 +89,7 @@ Supported datasets
:caption: Package Reference
:hidden:
+ modules/contrib
modules/datasets
modules/io
modules/models
diff --git a/latest/_sources/modules/contrib.rst.txt b/latest/_sources/modules/contrib.rst.txt
new file mode 100644
index 0000000000..1a2659e2e3
--- /dev/null
+++ b/latest/_sources/modules/contrib.rst.txt
@@ -0,0 +1,13 @@
+doctr.contrib
+=============
+
+.. currentmodule:: doctr.contrib
+
+This module contains all the available contribution modules for docTR.
+
+
+Supported contribution modules
+------------------------------
+Here are all the available contribution modules:
+
+.. autoclass:: ArtefactDetector
diff --git a/latest/_sources/using_doctr/using_contrib_modules.rst.txt b/latest/_sources/using_doctr/using_contrib_modules.rst.txt
new file mode 100644
index 0000000000..37a0f8a9c1
--- /dev/null
+++ b/latest/_sources/using_doctr/using_contrib_modules.rst.txt
@@ -0,0 +1,51 @@
+Integrate contributions into your pipeline
+==========================================
+
+The `contrib` module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+.. currentmodule:: doctr.contrib
+
+
+Available contribution modules
+------------------------------
+
+**NOTE:** To use the contrib module, you need to install the `onnxruntime` package. You can install it using the following command:
+
+.. code:: bash
+
+ pip install python-doctr[contrib]
+ # Or
+ pip install onnxruntime # pip install onnxruntime-gpu
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection
+^^^^^^^^^^^^^^^^^
+
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+
+.. code:: python3
+
+ from doctr.io import DocumentFile
+ from doctr.contrib.artefacts import ArtefactDetection
+
+ # Load the document
+ doc = DocumentFile.from_images(["path/to/your/image"])
+ detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+ artefacts = detector(doc)
+
+ # Visualize the detected artefacts
+ detector.show()
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: `YOLOv8 `_
+
+**NOTE:** The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+
+.. code:: python3
+
+ from doctr.contrib import ArtefactDetection
+
+ detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
diff --git a/latest/changelog.html b/latest/changelog.html
index cca10a85ef..24e530e6ae 100644
--- a/latest/changelog.html
+++ b/latest/changelog.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/contributing/code_of_conduct.html b/latest/contributing/code_of_conduct.html
index 868bcf286f..1ae93b2cab 100644
--- a/latest/contributing/code_of_conduct.html
+++ b/latest/contributing/code_of_conduct.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/contributing/contributing.html b/latest/contributing/contributing.html
index a1d79eda56..f4d3f55c46 100644
--- a/latest/contributing/contributing.html
+++ b/latest/contributing/contributing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/genindex.html b/latest/genindex.html
index 7b6f8a7c8a..b81c57bc0f 100644
--- a/latest/genindex.html
+++ b/latest/genindex.html
@@ -190,6 +190,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -197,6 +198,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/getting_started/installing.html b/latest/getting_started/installing.html
index f0420d5217..6a40c254b6 100644
--- a/latest/getting_started/installing.html
+++ b/latest/getting_started/installing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -272,13 +274,13 @@ Via Python Package
pip install "python-doctr[tf]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[tf,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[tf,viz,html,contib]"
pip install "python-doctr[torch]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[torch,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/latest/index.html b/latest/index.html
index ecbff7e010..fa1c3cc61f 100644
--- a/latest/index.html
+++ b/latest/index.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/modules/contrib.html b/latest/modules/contrib.html
new file mode 100644
index 0000000000..49284a147f
--- /dev/null
+++ b/latest/modules/contrib.html
@@ -0,0 +1,337 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ doctr.contrib - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+doctr.contrib¶
+This module contains all the available contribution modules for docTR.
+
+Supported contribution modules¶
+Here are all the available contribution modules:
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/latest/modules/datasets.html b/latest/modules/datasets.html
index 67a86d49b0..94a97aceef 100644
--- a/latest/modules/datasets.html
+++ b/latest/modules/datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
doctr.datasets - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -910,14 +912,14 @@ Returns:
-
+
Previous
- AWS Lambda
+ doctr.contrib
diff --git a/latest/modules/io.html b/latest/modules/io.html
index 115f9fe8e4..312018214f 100644
--- a/latest/modules/io.html
+++ b/latest/modules/io.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/modules/models.html b/latest/modules/models.html
index 75c6d68531..3de22acc9d 100644
--- a/latest/modules/models.html
+++ b/latest/modules/models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/modules/transforms.html b/latest/modules/transforms.html
index afdef48f00..f030b4b82e 100644
--- a/latest/modules/transforms.html
+++ b/latest/modules/transforms.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/modules/utils.html b/latest/modules/utils.html
index 2728e45178..56ac5a7e17 100644
--- a/latest/modules/utils.html
+++ b/latest/modules/utils.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/notebooks.html b/latest/notebooks.html
index 5aca22f20d..83aaf9102f 100644
--- a/latest/notebooks.html
+++ b/latest/notebooks.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/objects.inv b/latest/objects.inv
index 17e2460307..53704fd4b3 100644
Binary files a/latest/objects.inv and b/latest/objects.inv differ
diff --git a/latest/search.html b/latest/search.html
index 0f82cf238e..307a826398 100644
--- a/latest/search.html
+++ b/latest/search.html
@@ -189,6 +189,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -196,6 +197,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/searchindex.js b/latest/searchindex.js
index d810948bbf..173433e0e0 100644
--- a/latest/searchindex.js
+++ b/latest/searchindex.js
@@ -1 +1 @@
-Search.setIndex({"alltitles": {"1. Correction": [[1, "correction"]], "2. Warning": [[1, "warning"]], "3. Temporary Ban": [[1, "temporary-ban"]], "4. Permanent Ban": [[1, "permanent-ban"]], "AWS Lambda": [[12, "aws-lambda"]], "Advanced options": [[16, "advanced-options"]], "Args:": [[5, "args"], [5, "id4"], [5, "id7"], [5, "id10"], [5, "id13"], [5, "id16"], [5, "id19"], [5, "id22"], [5, "id25"], [5, "id29"], [5, "id32"], [5, "id37"], [5, "id40"], [5, "id46"], [5, "id49"], [5, "id50"], [5, "id51"], [5, "id54"], [5, "id57"], [5, "id60"], [5, "id61"], [6, "args"], [6, "id2"], [6, "id3"], [6, "id4"], [6, "id5"], [6, "id6"], [6, "id7"], [6, "id10"], [6, "id12"], [6, "id14"], [6, "id16"], [6, "id20"], [6, "id24"], [6, "id28"], [7, "args"], [7, "id3"], [7, "id8"], [7, "id13"], [7, "id17"], [7, "id21"], [7, "id26"], [7, "id31"], [7, "id36"], [7, "id41"], [7, "id45"], [7, "id49"], [7, "id54"], [7, "id58"], [7, "id63"], [7, "id68"], [7, "id72"], [7, "id76"], [7, "id81"], [7, "id86"], [7, "id90"], [7, "id95"], [7, "id100"], [7, "id105"], [7, "id110"], [7, "id114"], [7, "id118"], [7, "id123"], [7, "id128"], [7, "id133"], [7, "id137"], [7, "id141"], [7, "id146"], [7, "id150"], [7, "id154"], [7, "id158"], [7, "id160"], [7, "id162"], [7, "id164"], [8, "args"], [8, "id1"], [8, "id2"], [8, "id3"], [8, "id4"], [8, "id5"], [8, "id6"], [8, "id7"], [8, "id8"], [8, "id9"], [8, "id10"], [8, "id11"], [8, "id12"], [8, "id13"], [8, "id14"], [8, "id15"], [8, "id16"], [8, "id17"], [8, "id18"], [9, "args"], [9, "id3"], [9, "id4"], [9, "id5"], [9, "id6"], [9, "id7"], [9, "id8"], [9, "id9"]], "Artefact": [[6, "artefact"]], "Attribution": [[1, "attribution"]], "Available Datasets": [[14, "available-datasets"]], "Available architectures": [[16, "available-architectures"], [16, "id1"], [16, "id2"]], "Block": [[6, "block"]], "Changelog": [[0, "changelog"]], "Choose a ready to use dataset": [[14, "choose-a-ready-to-use-dataset"]], "Choosing the right model": [[16, "choosing-the-right-model"]], "Classification": [[13, "classification"]], "Code quality": [[2, "code-quality"]], "Code style verification": [[2, "code-style-verification"]], "Codebase structure": [[2, "codebase-structure"]], "Commits": [[2, "commits"]], "Composing transformations": [[8, "composing-transformations"]], "Continuous Integration": [[2, "continuous-integration"]], "Contributing to docTR": [[2, "contributing-to-doctr"]], "Contributor Covenant Code of Conduct": [[1, "contributor-covenant-code-of-conduct"]], "Custom dataset loader": [[5, "custom-dataset-loader"]], "Data Loading": [[14, "data-loading"]], "Dataloader": [[5, "dataloader"]], "Detection": [[13, "detection"], [14, "detection"]], "Detection predictors": [[16, "detection-predictors"]], "Developer mode installation": [[2, "developer-mode-installation"]], "Developing docTR": [[2, "developing-doctr"]], "Document": [[6, "document"]], "Document structure": [[6, "document-structure"]], "End-to-End OCR": [[16, "end-to-end-ocr"]], "Enforcement": [[1, "enforcement"]], "Enforcement Guidelines": [[1, "enforcement-guidelines"]], "Enforcement Responsibilities": [[1, "enforcement-responsibilities"]], "Export to ONNX": [[15, "export-to-onnx"]], "Feature requests & bug report": [[2, "feature-requests-bug-report"]], "Feedback": [[2, "feedback"]], "File reading": [[6, "file-reading"]], "Half-precision": [[15, "half-precision"]], "Installation": [[3, "installation"]], "Let\u2019s connect": [[2, "let-s-connect"]], "Line": [[6, "line"]], "Loading from Huggingface Hub": [[13, "loading-from-huggingface-hub"]], "Loading your custom trained model": [[11, "loading-your-custom-trained-model"]], "Main Features": [[4, "main-features"]], "Model optimization": [[15, "model-optimization"]], "Model zoo": [[4, "model-zoo"]], "Modifying the documentation": [[2, "modifying-the-documentation"]], "Naming conventions": [[13, "naming-conventions"]], "Object Detection": [[14, "object-detection"]], "Our Pledge": [[1, "our-pledge"]], "Our Standards": [[1, "our-standards"]], "Page": [[6, "page"]], "Preparing your model for inference": [[15, "preparing-your-model-for-inference"]], "Prerequisites": [[3, "prerequisites"]], "Pretrained community models": [[13, "pretrained-community-models"]], "Pushing to the Huggingface Hub": [[13, "pushing-to-the-huggingface-hub"]], "Questions": [[2, "questions"]], "Recognition": [[13, "recognition"], [14, "recognition"]], "Recognition predictors": [[16, "recognition-predictors"]], "Returns:": [[5, "returns"], [6, "returns"], [6, "id11"], [6, "id13"], [6, "id15"], [6, "id19"], [6, "id23"], [6, "id27"], [6, "id31"], [7, "returns"], [7, "id6"], [7, "id11"], [7, "id16"], [7, "id20"], [7, "id24"], [7, "id29"], [7, "id34"], [7, "id39"], [7, "id44"], [7, "id48"], [7, "id52"], [7, "id57"], [7, "id61"], [7, "id66"], [7, "id71"], [7, "id75"], [7, "id79"], [7, "id84"], [7, "id89"], [7, "id93"], [7, "id98"], [7, "id103"], [7, "id108"], [7, "id113"], [7, "id117"], [7, "id121"], [7, "id126"], [7, "id131"], [7, "id136"], [7, "id140"], [7, "id144"], [7, "id149"], [7, "id153"], [7, "id157"], [7, "id159"], [7, "id161"], [7, "id163"], [9, "returns"]], "Scope": [[1, "scope"]], "Share your model with the community": [[13, "share-your-model-with-the-community"]], "Supported Vocabs": [[5, "supported-vocabs"]], "Supported datasets": [[4, "supported-datasets"]], "Supported transformations": [[8, "supported-transformations"]], "Synthetic dataset generator": [[5, "synthetic-dataset-generator"], [14, "synthetic-dataset-generator"]], "Task evaluation": [[9, "task-evaluation"]], "Text Detection": [[16, "text-detection"]], "Text Recognition": [[16, "text-recognition"]], "Text detection models": [[4, "text-detection-models"]], "Text recognition models": [[4, "text-recognition-models"]], "Train your own model": [[11, "train-your-own-model"]], "Two-stage approaches": [[16, "two-stage-approaches"]], "Unit tests": [[2, "unit-tests"]], "Use your own datasets": [[14, "use-your-own-datasets"]], "Using your ONNX exported model in docTR": [[15, "using-your-onnx-exported-model-in-doctr"]], "Via Conda (Only for Linux)": [[3, "via-conda-only-for-linux"]], "Via Git": [[3, "via-git"]], "Via Python Package": [[3, "via-python-package"]], "Visualization": [[9, "visualization"]], "What should I do with the output?": [[16, "what-should-i-do-with-the-output"]], "Word": [[6, "word"]], "docTR Notebooks": [[10, "doctr-notebooks"]], "docTR Vocabs": [[5, "id62"]], "docTR: Document Text Recognition": [[4, "doctr-document-text-recognition"]], "doctr.datasets": [[5, "doctr-datasets"], [5, "datasets"]], "doctr.io": [[6, "doctr-io"]], "doctr.models": [[7, "doctr-models"]], "doctr.models.classification": [[7, "doctr-models-classification"]], "doctr.models.detection": [[7, "doctr-models-detection"]], "doctr.models.factory": [[7, "doctr-models-factory"]], "doctr.models.recognition": [[7, "doctr-models-recognition"]], "doctr.models.zoo": [[7, "doctr-models-zoo"]], "doctr.transforms": [[8, "doctr-transforms"]], "doctr.utils": [[9, "doctr-utils"]], "v0.1.0 (2021-03-05)": [[0, "v0-1-0-2021-03-05"]], "v0.1.1 (2021-03-18)": [[0, "v0-1-1-2021-03-18"]], "v0.2.0 (2021-05-11)": [[0, "v0-2-0-2021-05-11"]], "v0.2.1 (2021-05-28)": [[0, "v0-2-1-2021-05-28"]], "v0.3.0 (2021-07-02)": [[0, "v0-3-0-2021-07-02"]], "v0.3.1 (2021-08-27)": [[0, "v0-3-1-2021-08-27"]], "v0.4.0 (2021-10-01)": [[0, "v0-4-0-2021-10-01"]], "v0.4.1 (2021-11-22)": [[0, "v0-4-1-2021-11-22"]], "v0.5.0 (2021-12-31)": [[0, "v0-5-0-2021-12-31"]], "v0.5.1 (2022-03-22)": [[0, "v0-5-1-2022-03-22"]], "v0.6.0 (2022-09-29)": [[0, "v0-6-0-2022-09-29"]], "v0.7.0 (2023-09-09)": [[0, "v0-7-0-2023-09-09"]], "v0.8.0 (2024-02-28)": [[0, "v0-8-0-2024-02-28"]], "v0.8.1 (2024-03-04)": [[0, "v0-8-1-2024-03-04"]]}, "docnames": ["changelog", "contributing/code_of_conduct", "contributing/contributing", "getting_started/installing", "index", "modules/datasets", "modules/io", "modules/models", "modules/transforms", "modules/utils", "notebooks", "using_doctr/custom_models_training", "using_doctr/running_on_aws", "using_doctr/sharing_models", "using_doctr/using_datasets", "using_doctr/using_model_export", "using_doctr/using_models"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["changelog.rst", "contributing/code_of_conduct.md", "contributing/contributing.md", "getting_started/installing.rst", "index.rst", "modules/datasets.rst", "modules/io.rst", "modules/models.rst", "modules/transforms.rst", "modules/utils.rst", "notebooks.rst", "using_doctr/custom_models_training.rst", "using_doctr/running_on_aws.rst", "using_doctr/sharing_models.rst", "using_doctr/using_datasets.rst", "using_doctr/using_model_export.rst", "using_doctr/using_models.rst"], "indexentries": {"artefact (class in doctr.io)": [[6, "doctr.io.Artefact", false]], "block (class in doctr.io)": [[6, "doctr.io.Block", false]], "channelshuffle (class in doctr.transforms)": [[8, "doctr.transforms.ChannelShuffle", false]], "charactergenerator (class in doctr.datasets)": [[5, "doctr.datasets.CharacterGenerator", false]], "colorinversion (class in doctr.transforms)": [[8, "doctr.transforms.ColorInversion", false]], "compose (class in doctr.transforms)": [[8, "doctr.transforms.Compose", false]], "cord (class in doctr.datasets)": [[5, "doctr.datasets.CORD", false]], "crnn_mobilenet_v3_large() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.crnn_mobilenet_v3_large", false]], "crnn_mobilenet_v3_small() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.crnn_mobilenet_v3_small", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.crnn_vgg16_bn", false]], "crop_orientation_predictor() (in module doctr.models.classification)": [[7, "doctr.models.classification.crop_orientation_predictor", false]], "dataloader (class in doctr.datasets.loader)": [[5, "doctr.datasets.loader.DataLoader", false]], "db_mobilenet_v3_large() (in module doctr.models.detection)": [[7, "doctr.models.detection.db_mobilenet_v3_large", false]], "db_resnet50() (in module doctr.models.detection)": [[7, "doctr.models.detection.db_resnet50", false]], "decode_img_as_tensor() (in module doctr.io)": [[6, "doctr.io.decode_img_as_tensor", false]], "detection_predictor() (in module doctr.models.detection)": [[7, "doctr.models.detection.detection_predictor", false]], "detectiondataset (class in doctr.datasets)": [[5, "doctr.datasets.DetectionDataset", false]], "detectionmetric (class in doctr.utils.metrics)": [[9, "doctr.utils.metrics.DetectionMetric", false]], "docartefacts (class in doctr.datasets)": [[5, "doctr.datasets.DocArtefacts", false]], "document (class in doctr.io)": [[6, "doctr.io.Document", false]], "documentfile (class in doctr.io)": [[6, "doctr.io.DocumentFile", false]], "encode_sequences() (in module doctr.datasets)": [[5, "doctr.datasets.encode_sequences", false]], "fast_base() (in module doctr.models.detection)": [[7, "doctr.models.detection.fast_base", false]], "fast_small() (in module doctr.models.detection)": [[7, "doctr.models.detection.fast_small", false]], "fast_tiny() (in module doctr.models.detection)": [[7, "doctr.models.detection.fast_tiny", false]], "from_hub() (in module doctr.models.factory)": [[7, "doctr.models.factory.from_hub", false]], "from_images() (doctr.io.documentfile class method)": [[6, "doctr.io.DocumentFile.from_images", false]], "from_pdf() (doctr.io.documentfile class method)": [[6, "doctr.io.DocumentFile.from_pdf", false]], "from_url() (doctr.io.documentfile class method)": [[6, "doctr.io.DocumentFile.from_url", false]], "funsd (class in doctr.datasets)": [[5, "doctr.datasets.FUNSD", false]], "gaussianblur (class in doctr.transforms)": [[8, "doctr.transforms.GaussianBlur", false]], "gaussiannoise (class in doctr.transforms)": [[8, "doctr.transforms.GaussianNoise", false]], "ic03 (class in doctr.datasets)": [[5, "doctr.datasets.IC03", false]], "ic13 (class in doctr.datasets)": [[5, "doctr.datasets.IC13", false]], "iiit5k (class in doctr.datasets)": [[5, "doctr.datasets.IIIT5K", false]], "iiithws (class in doctr.datasets)": [[5, "doctr.datasets.IIITHWS", false]], "imgur5k (class in doctr.datasets)": [[5, "doctr.datasets.IMGUR5K", false]], "kie_predictor() (in module doctr.models)": [[7, "doctr.models.kie_predictor", false]], "lambdatransformation (class in doctr.transforms)": [[8, "doctr.transforms.LambdaTransformation", false]], "line (class in doctr.io)": [[6, "doctr.io.Line", false]], "linknet_resnet18() (in module doctr.models.detection)": [[7, "doctr.models.detection.linknet_resnet18", false]], "linknet_resnet34() (in module doctr.models.detection)": [[7, "doctr.models.detection.linknet_resnet34", false]], "linknet_resnet50() (in module doctr.models.detection)": [[7, "doctr.models.detection.linknet_resnet50", false]], "localizationconfusion (class in doctr.utils.metrics)": [[9, "doctr.utils.metrics.LocalizationConfusion", false]], "login_to_hub() (in module doctr.models.factory)": [[7, "doctr.models.factory.login_to_hub", false]], "magc_resnet31() (in module doctr.models.classification)": [[7, "doctr.models.classification.magc_resnet31", false]], "master() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.master", false]], "mjsynth (class in doctr.datasets)": [[5, "doctr.datasets.MJSynth", false]], "mobilenet_v3_large() (in module doctr.models.classification)": [[7, "doctr.models.classification.mobilenet_v3_large", false]], "mobilenet_v3_large_r() (in module doctr.models.classification)": [[7, "doctr.models.classification.mobilenet_v3_large_r", false]], "mobilenet_v3_small() (in module doctr.models.classification)": [[7, "doctr.models.classification.mobilenet_v3_small", false]], "mobilenet_v3_small_crop_orientation() (in module doctr.models.classification)": [[7, "doctr.models.classification.mobilenet_v3_small_crop_orientation", false]], "mobilenet_v3_small_r() (in module doctr.models.classification)": [[7, "doctr.models.classification.mobilenet_v3_small_r", false]], "normalize (class in doctr.transforms)": [[8, "doctr.transforms.Normalize", false]], "ocr_predictor() (in module doctr.models)": [[7, "doctr.models.ocr_predictor", false]], "ocrdataset (class in doctr.datasets)": [[5, "doctr.datasets.OCRDataset", false]], "ocrmetric (class in doctr.utils.metrics)": [[9, "doctr.utils.metrics.OCRMetric", false]], "oneof (class in doctr.transforms)": [[8, "doctr.transforms.OneOf", false]], "page (class in doctr.io)": [[6, "doctr.io.Page", false]], "parseq() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.parseq", false]], "push_to_hf_hub() (in module doctr.models.factory)": [[7, "doctr.models.factory.push_to_hf_hub", false]], "randomapply (class in doctr.transforms)": [[8, "doctr.transforms.RandomApply", false]], "randombrightness (class in doctr.transforms)": [[8, "doctr.transforms.RandomBrightness", false]], "randomcontrast (class in doctr.transforms)": [[8, "doctr.transforms.RandomContrast", false]], "randomcrop (class in doctr.transforms)": [[8, "doctr.transforms.RandomCrop", false]], "randomgamma (class in doctr.transforms)": [[8, "doctr.transforms.RandomGamma", false]], "randomhorizontalflip (class in doctr.transforms)": [[8, "doctr.transforms.RandomHorizontalFlip", false]], "randomhue (class in doctr.transforms)": [[8, "doctr.transforms.RandomHue", false]], "randomjpegquality (class in doctr.transforms)": [[8, "doctr.transforms.RandomJpegQuality", false]], "randomrotate (class in doctr.transforms)": [[8, "doctr.transforms.RandomRotate", false]], "randomsaturation (class in doctr.transforms)": [[8, "doctr.transforms.RandomSaturation", false]], "randomshadow (class in doctr.transforms)": [[8, "doctr.transforms.RandomShadow", false]], "read_html() (in module doctr.io)": [[6, "doctr.io.read_html", false]], "read_img_as_numpy() (in module doctr.io)": [[6, "doctr.io.read_img_as_numpy", false]], "read_img_as_tensor() (in module doctr.io)": [[6, "doctr.io.read_img_as_tensor", false]], "read_pdf() (in module doctr.io)": [[6, "doctr.io.read_pdf", false]], "recognition_predictor() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.recognition_predictor", false]], "recognitiondataset (class in doctr.datasets)": [[5, "doctr.datasets.RecognitionDataset", false]], "resize (class in doctr.transforms)": [[8, "doctr.transforms.Resize", false]], "resnet18() (in module doctr.models.classification)": [[7, "doctr.models.classification.resnet18", false]], "resnet31() (in module doctr.models.classification)": [[7, "doctr.models.classification.resnet31", false]], "resnet34() (in module doctr.models.classification)": [[7, "doctr.models.classification.resnet34", false]], "resnet50() (in module doctr.models.classification)": [[7, "doctr.models.classification.resnet50", false]], "sar_resnet31() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.sar_resnet31", false]], "show() (doctr.io.document method)": [[6, "doctr.io.Document.show", false]], "show() (doctr.io.page method)": [[6, "doctr.io.Page.show", false]], "sroie (class in doctr.datasets)": [[5, "doctr.datasets.SROIE", false]], "summary() (doctr.utils.metrics.detectionmetric method)": [[9, "doctr.utils.metrics.DetectionMetric.summary", false]], "summary() (doctr.utils.metrics.localizationconfusion method)": [[9, "doctr.utils.metrics.LocalizationConfusion.summary", false]], "summary() (doctr.utils.metrics.ocrmetric method)": [[9, "doctr.utils.metrics.OCRMetric.summary", false]], "summary() (doctr.utils.metrics.textmatch method)": [[9, "doctr.utils.metrics.TextMatch.summary", false]], "svhn (class in doctr.datasets)": [[5, "doctr.datasets.SVHN", false]], "svt (class in doctr.datasets)": [[5, "doctr.datasets.SVT", false]], "synthtext (class in doctr.datasets)": [[5, "doctr.datasets.SynthText", false]], "textmatch (class in doctr.utils.metrics)": [[9, "doctr.utils.metrics.TextMatch", false]], "textnet_base() (in module doctr.models.classification)": [[7, "doctr.models.classification.textnet_base", false]], "textnet_small() (in module doctr.models.classification)": [[7, "doctr.models.classification.textnet_small", false]], "textnet_tiny() (in module doctr.models.classification)": [[7, "doctr.models.classification.textnet_tiny", false]], "togray (class in doctr.transforms)": [[8, "doctr.transforms.ToGray", false]], "update() (doctr.utils.metrics.detectionmetric method)": [[9, "doctr.utils.metrics.DetectionMetric.update", false]], "update() (doctr.utils.metrics.localizationconfusion method)": [[9, "doctr.utils.metrics.LocalizationConfusion.update", false]], "update() (doctr.utils.metrics.ocrmetric method)": [[9, "doctr.utils.metrics.OCRMetric.update", false]], "update() (doctr.utils.metrics.textmatch method)": [[9, "doctr.utils.metrics.TextMatch.update", false]], "vgg16_bn_r() (in module doctr.models.classification)": [[7, "doctr.models.classification.vgg16_bn_r", false]], "visualize_page() (in module doctr.utils.visualization)": [[9, "doctr.utils.visualization.visualize_page", false]], "vit_b() (in module doctr.models.classification)": [[7, "doctr.models.classification.vit_b", false]], "vit_s() (in module doctr.models.classification)": [[7, "doctr.models.classification.vit_s", false]], "vitstr_base() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.vitstr_base", false]], "vitstr_small() (in module doctr.models.recognition)": [[7, "doctr.models.recognition.vitstr_small", false]], "wildreceipt (class in doctr.datasets)": [[5, "doctr.datasets.WILDRECEIPT", false]], "word (class in doctr.io)": [[6, "doctr.io.Word", false]], "wordgenerator (class in doctr.datasets)": [[5, "doctr.datasets.WordGenerator", false]]}, "objects": {"doctr.datasets": [[5, 0, 1, "", "CORD"], [5, 0, 1, "", "CharacterGenerator"], [5, 0, 1, "", "DetectionDataset"], [5, 0, 1, "", "DocArtefacts"], [5, 0, 1, "", "FUNSD"], [5, 0, 1, "", "IC03"], [5, 0, 1, "", "IC13"], [5, 0, 1, "", "IIIT5K"], [5, 0, 1, "", "IIITHWS"], [5, 0, 1, "", "IMGUR5K"], [5, 0, 1, "", "MJSynth"], [5, 0, 1, "", "OCRDataset"], [5, 0, 1, "", "RecognitionDataset"], [5, 0, 1, "", "SROIE"], [5, 0, 1, "", "SVHN"], [5, 0, 1, "", "SVT"], [5, 0, 1, "", "SynthText"], [5, 0, 1, "", "WILDRECEIPT"], [5, 0, 1, "", "WordGenerator"], [5, 1, 1, "", "encode_sequences"]], "doctr.datasets.loader": [[5, 0, 1, "", "DataLoader"]], "doctr.io": [[6, 0, 1, "", "Artefact"], [6, 0, 1, "", "Block"], [6, 0, 1, "", "Document"], [6, 0, 1, "", "DocumentFile"], [6, 0, 1, "", "Line"], [6, 0, 1, "", "Page"], [6, 0, 1, "", "Word"], [6, 1, 1, "", "decode_img_as_tensor"], [6, 1, 1, "", "read_html"], [6, 1, 1, "", "read_img_as_numpy"], [6, 1, 1, "", "read_img_as_tensor"], [6, 1, 1, "", "read_pdf"]], "doctr.io.Document": [[6, 2, 1, "", "show"]], "doctr.io.DocumentFile": [[6, 2, 1, "", "from_images"], [6, 2, 1, "", "from_pdf"], [6, 2, 1, "", "from_url"]], "doctr.io.Page": [[6, 2, 1, "", "show"]], "doctr.models": [[7, 1, 1, "", "kie_predictor"], [7, 1, 1, "", "ocr_predictor"]], "doctr.models.classification": [[7, 1, 1, "", "crop_orientation_predictor"], [7, 1, 1, "", "magc_resnet31"], [7, 1, 1, "", "mobilenet_v3_large"], [7, 1, 1, "", "mobilenet_v3_large_r"], [7, 1, 1, "", "mobilenet_v3_small"], [7, 1, 1, "", "mobilenet_v3_small_crop_orientation"], [7, 1, 1, "", "mobilenet_v3_small_r"], [7, 1, 1, "", "resnet18"], [7, 1, 1, "", "resnet31"], [7, 1, 1, "", "resnet34"], [7, 1, 1, "", "resnet50"], [7, 1, 1, "", "textnet_base"], [7, 1, 1, "", "textnet_small"], [7, 1, 1, "", "textnet_tiny"], [7, 1, 1, "", "vgg16_bn_r"], [7, 1, 1, "", "vit_b"], [7, 1, 1, "", "vit_s"]], "doctr.models.detection": [[7, 1, 1, "", "db_mobilenet_v3_large"], [7, 1, 1, "", "db_resnet50"], [7, 1, 1, "", "detection_predictor"], [7, 1, 1, "", "fast_base"], [7, 1, 1, "", "fast_small"], [7, 1, 1, "", "fast_tiny"], [7, 1, 1, "", "linknet_resnet18"], [7, 1, 1, "", "linknet_resnet34"], [7, 1, 1, "", "linknet_resnet50"]], "doctr.models.factory": [[7, 1, 1, "", "from_hub"], [7, 1, 1, "", "login_to_hub"], [7, 1, 1, "", "push_to_hf_hub"]], "doctr.models.recognition": [[7, 1, 1, "", "crnn_mobilenet_v3_large"], [7, 1, 1, "", "crnn_mobilenet_v3_small"], [7, 1, 1, "", "crnn_vgg16_bn"], [7, 1, 1, "", "master"], [7, 1, 1, "", "parseq"], [7, 1, 1, "", "recognition_predictor"], [7, 1, 1, "", "sar_resnet31"], [7, 1, 1, "", "vitstr_base"], [7, 1, 1, "", "vitstr_small"]], "doctr.transforms": [[8, 0, 1, "", "ChannelShuffle"], [8, 0, 1, "", "ColorInversion"], [8, 0, 1, "", "Compose"], [8, 0, 1, "", "GaussianBlur"], [8, 0, 1, "", "GaussianNoise"], [8, 0, 1, "", "LambdaTransformation"], [8, 0, 1, "", "Normalize"], [8, 0, 1, "", "OneOf"], [8, 0, 1, "", "RandomApply"], [8, 0, 1, "", "RandomBrightness"], [8, 0, 1, "", "RandomContrast"], [8, 0, 1, "", "RandomCrop"], [8, 0, 1, "", "RandomGamma"], [8, 0, 1, "", "RandomHorizontalFlip"], [8, 0, 1, "", "RandomHue"], [8, 0, 1, "", "RandomJpegQuality"], [8, 0, 1, "", "RandomRotate"], [8, 0, 1, "", "RandomSaturation"], [8, 0, 1, "", "RandomShadow"], [8, 0, 1, "", "Resize"], [8, 0, 1, "", "ToGray"]], "doctr.utils.metrics": [[9, 0, 1, "", "DetectionMetric"], [9, 0, 1, "", "LocalizationConfusion"], [9, 0, 1, "", "OCRMetric"], [9, 0, 1, "", "TextMatch"]], "doctr.utils.metrics.DetectionMetric": [[9, 2, 1, "", "summary"], [9, 2, 1, "", "update"]], "doctr.utils.metrics.LocalizationConfusion": [[9, 2, 1, "", "summary"], [9, 2, 1, "", "update"]], "doctr.utils.metrics.OCRMetric": [[9, 2, 1, "", "summary"], [9, 2, 1, "", "update"]], "doctr.utils.metrics.TextMatch": [[9, 2, 1, "", "summary"], [9, 2, 1, "", "update"]], "doctr.utils.visualization": [[9, 1, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "class", "Python class"], "1": ["py", "function", "Python function"], "2": ["py", "method", "Python method"]}, "objtypes": {"0": "py:class", "1": "py:function", "2": "py:method"}, "terms": {"": [1, 6, 7, 9, 13], "0": [1, 3, 5, 8, 9, 11, 14, 16], "00": 16, "01": 16, "0123456789": 5, "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 5, "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": 5, "02562": 7, "03": 16, "035": 16, "0361328125": 16, "04": 16, "05": 16, "06": 16, "06640625": 16, "07": 16, "08": [8, 16], "09": 16, "0966796875": 16, "1": [3, 5, 6, 7, 8, 9, 11, 14, 16], "10": [5, 9, 16], "100": [5, 8, 9, 14, 16], "1000": 16, "101": 5, "1024": [7, 11, 16], "104": 5, "106": 5, "108": 5, "1095": 14, "11": 16, "110": 9, "1107": 14, "114": 5, "1156": 14, "116": 5, "118": 5, "11800h": 16, "11th": 16, "12": [3, 16], "120": 5, "123": 5, "126": 5, "1268": 14, "128": [7, 11, 15, 16], "13": 16, "130": 5, "13068": 14, "131": 5, "1337891": 14, "1357421875": 16, "1396484375": 16, "14": 16, "1420": 16, "14470v1": 5, "149": 14, "15": 16, "150": [9, 16], "1552": 16, "16": [7, 15, 16], "1630859375": 16, "1684": 16, "16x16": 7, "17": 16, "1778": 16, "1782": 16, "18": 7, "185546875": 16, "1900": 16, "1910": 7, "19342": 14, "19370": 14, "195": 5, "19598": 14, "199": 16, "1999": 16, "2": [3, 4, 5, 6, 8, 16], "20": 16, "200": 9, "2000": 14, "2003": [4, 5], "2012": 5, "2013": [4, 5], "2015": 5, "2019": 4, "207901": 14, "21": 16, "2103": 5, "2186": 14, "21888": 14, "22": 16, "224": [7, 8], "225": 8, "22672": 14, "229": [8, 14], "23": 16, "233": 14, "234": 5, "24": 16, "246": 14, "249": 14, "25": 16, "2504": 16, "255": [6, 7, 8, 9, 16], "256": 7, "257": 14, "26": 16, "26032": 14, "264": 11, "27": 16, "2700": 14, "2710": 16, "2749": 11, "28": 16, "287": 11, "29": 16, "296": 11, "299": 11, "2d": 16, "3": [3, 4, 6, 7, 8, 9, 15, 16], "30": 16, "300": 14, "3000": 14, "301": 11, "30595": 16, "30ghz": 16, "31": 7, "32": [5, 7, 8, 11, 14, 15, 16], "3232421875": 16, "33": [8, 16], "33402": 14, "33608": 14, "34": [7, 16], "340": 16, "3456": 16, "3515625": 16, "36": 16, "360": 14, "37": [5, 16], "38": 16, "39": 16, "4": [7, 8, 9, 16], "40": 16, "406": 8, "41": 16, "42": 16, "43": 16, "44": 16, "45": 16, "456": 8, "46": 16, "47": 16, "472": 14, "48": [5, 16], "485": 8, "49": 16, "49377": 14, "5": [5, 8, 9, 16], "50": [7, 14, 16], "51": 16, "51171875": 16, "512": 7, "52": [5, 16], "529": 16, "53": 16, "54": 16, "540": 16, "5478515625": 16, "55": 16, "56": 16, "57": 16, "58": 16, "580": 16, "5810546875": 16, "583": 16, "59": 16, "597": 16, "5k": [4, 5], "5m": 16, "6": [8, 16], "60": 8, "600": [7, 9, 16], "61": 16, "62": 16, "626": 14, "63": 16, "64": [7, 8, 16], "641": 16, "647": 14, "65": 16, "66": 16, "67": 16, "68": 16, "69": 16, "693": 11, "694": 11, "695": 11, "6m": 16, "7": 16, "70": [9, 16], "707470": 14, "71": 16, "7100000": 14, "7141797": 14, "7149": 14, "72": 16, "72dpi": 6, "73": 16, "73257": 14, "74": 16, "75": [8, 16], "7581382": 14, "76": 16, "77": 16, "772": 11, "772875": 14, "78": 16, "785": 11, "79": 16, "793533": 14, "796": 14, "798": 11, "7m": 16, "8": [7, 8, 16], "80": 16, "800": [7, 9, 14, 16], "81": 16, "82": 16, "83": 16, "84": 16, "849": 14, "85": 16, "8564453125": 16, "857": 16, "85875": 14, "86": 16, "8603515625": 16, "87": 16, "8707": 14, "88": 16, "89": 16, "9": [3, 16], "90": 16, "90k": 5, "90kdict32px": 5, "91": 16, "914085328578949": 16, "92": 16, "93": 16, "94": [5, 16], "95": [9, 16], "9578408598899841": 16, "96": 16, "98": 16, "99": 16, "9949972033500671": 16, "A": [1, 2, 4, 5, 6, 7, 10, 15], "As": 2, "Be": 16, "Being": 1, "By": 12, "For": [1, 2, 3, 11, 16], "If": [2, 6, 7, 11, 16], "In": [2, 5, 14], "It": [8, 13, 15], "Its": [4, 7], "No": [1, 16], "Of": 5, "The": [1, 2, 5, 6, 9, 12, 16], "Then": 7, "To": [2, 3, 12, 13, 16], "_": [1, 5, 7], "__call__": 16, "_build": 2, "_i": 9, "ab": 5, "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 5, "abdef": [5, 14], "abl": [14, 16], "about": [1, 14, 16], "abov": 16, "abstractdataset": 5, "abus": 1, "accept": 1, "access": [4, 6, 14, 16], "account": [1, 13], "accur": 16, "accuraci": 9, "achiev": 15, "act": 1, "action": 1, "activ": 4, "ad": [2, 7, 8], "adapt": 1, "add": [8, 9, 13, 16], "add_hook": 16, "add_label": 9, "addit": [2, 3, 6], "addition": [2, 16], "address": [1, 6], "adjust": 8, "advanc": 1, "advantag": 15, "advis": 2, "aesthet": [4, 5], "affect": 1, "after": [13, 16], "ag": 1, "again": 7, "aggreg": [9, 14], "aggress": 1, "align": [1, 6], "all": [1, 2, 5, 6, 8, 9, 14, 16], "allow": 1, "along": 16, "alreadi": 2, "also": [1, 7, 13, 14, 16], "alwai": 14, "an": [1, 2, 4, 5, 6, 7, 9, 15, 16], "analysi": 6, "ancient_greek": 5, "angl": [6, 8], "ani": [1, 5, 6, 7, 8, 9, 16], "annot": 5, "anot": 14, "anoth": [7, 11, 14], "answer": 1, "anyascii": 9, "anyon": 4, "api": [2, 4], "apolog": 1, "apologi": 1, "app": 2, "appear": 1, "appli": [1, 5, 8], "applic": [4, 7], "appoint": 1, "appreci": 13, "appropri": [1, 2, 16], "ar": [1, 2, 3, 5, 6, 8, 9, 10, 14, 16], "arab": 5, "arabic_diacrit": 5, "arabic_lett": 5, "arabic_punctu": 5, "arbitrarili": [4, 7], "arch": [7, 13], "architectur": [4, 7, 13], "area": 16, "argument": [5, 6, 7, 9, 16], "around": 1, "arrai": [6, 8, 9], "art": 4, "artefact": [9, 10, 16], "artefact_typ": 6, "artifici": [4, 5], "arxiv": [5, 7], "asarrai": 9, "ascii_lett": 5, "aspect": [4, 7, 8, 16], "assess": 9, "assign": 9, "associ": 6, "assum": 7, "assume_straight_pag": [7, 16], "astyp": [7, 9, 16], "attack": 1, "attend": [4, 7], "attent": [1, 7], "autom": 4, "automat": 16, "autoregress": [4, 7], "avail": [1, 4, 8], "averag": [8, 16], "avoid": [1, 3], "aw": [4, 16], "awar": 16, "azur": 16, "b": [7, 9, 16], "b_j": 9, "back": 2, "backbon": 7, "backend": 16, "background": 14, "bar_cod": 14, "base": [4, 7], "baselin": [4, 7, 16], "batch": [5, 7, 8, 14, 16], "batch_siz": [5, 11, 14, 15], "bblanchon": 3, "bbox": 16, "becaus": 12, "been": [2, 9, 14, 16], "befor": [5, 7, 8, 16], "begin": 9, "behavior": [1, 16], "being": [9, 16], "belong": 16, "benchmark": 16, "best": 1, "better": [10, 16], "between": [8, 9, 16], "bgr": 6, "bilinear": 8, "bin_thresh": 16, "binar": [4, 7, 16], "binari": [6, 15, 16], "bit": 15, "block": [9, 16], "block_1_1": 16, "blur": 8, "bmvc": 5, "bn": 13, "bodi": [1, 16], "bool": [5, 6, 7, 8, 9], "boolean": [7, 16], "both": [4, 5, 8, 14, 16], "bottom": [7, 16], "bound": [5, 6, 7, 8, 9, 16], "box": [5, 6, 7, 8, 9, 14, 16], "box_thresh": 16, "bright": 8, "browser": [2, 4], "build": [2, 3], "built": 2, "byte": [6, 16], "c": [3, 6, 9], "c_j": 9, "cach": [2, 5, 12], "cache_sampl": 5, "callabl": [5, 8], "can": [2, 3, 11, 12, 13, 14, 16], "capabl": [2, 10, 16], "case": [5, 9], "cf": 16, "cfg": 16, "challeng": 5, "challenge2_test_task12_imag": 5, "challenge2_test_task1_gt": 5, "challenge2_training_task12_imag": 5, "challenge2_training_task1_gt": 5, "chang": [12, 16], "channel": [1, 2, 6, 8], "channel_prior": 3, "channelshuffl": 8, "charact": [4, 5, 6, 9, 14, 16], "charactergener": [5, 14], "characterist": 1, "charg": 16, "charset": 16, "chart": 6, "check": [2, 13, 16], "checkpoint": 7, "chip": 3, "ci": 2, "clarifi": 1, "clariti": 1, "class": [1, 5, 6, 8, 9, 16], "class_nam": 11, "classif": 14, "classif_mobilenet_v3_smal": 7, "classmethod": 6, "clear": 2, "clone": 3, "close": 2, "co": 13, "code": [4, 6], "codecov": 2, "colab": 10, "collate_fn": 5, "collect": 6, "color": 8, "colorinvers": 8, "column": 6, "com": [1, 3, 6, 7, 13], "combin": 16, "come": 15, "command": 2, "comment": 1, "commit": 1, "common": [1, 8, 9, 15], "commun": 1, "compar": 4, "comparison": [9, 16], "competit": 5, "compil": [10, 16], "complaint": 1, "complementari": 9, "complet": 2, "compon": 16, "compos": [5, 16], "comprehens": 16, "comput": [5, 9, 15, 16], "confid": [6, 16], "config": [3, 7], "configur": 7, "confus": 9, "consecut": [8, 16], "consequ": 1, "consid": [1, 2, 5, 6, 9, 16], "consist": 16, "consolid": [4, 5], "constant": 8, "construct": 1, "contact": 1, "contain": [5, 14], "content": [5, 6, 16], "context": 7, "continu": 1, "contrast": 8, "contrast_factor": 8, "contribut": 1, "contributor": 2, "convers": 6, "convert": [6, 8], "convolut": 7, "coordin": [6, 16], "cord": [4, 5, 14, 16], "core": [9, 16], "corner": 16, "correct": 8, "correspond": [3, 6, 16], "could": 1, "counterpart": 9, "cover": 2, "coverag": 2, "cpu": [4, 11], "creat": 13, "crnn": [4, 7, 13], "crnn_mobilenet_v3_larg": [7, 13, 16], "crnn_mobilenet_v3_smal": [7, 15, 16], "crnn_vgg16_bn": [7, 11, 13, 16], "crop": [6, 7, 8, 14, 16], "crop_orient": [6, 16], "crop_orientation_predictor": 7, "cuda": 15, "currenc": 5, "current": [2, 16], "custom": [13, 16], "customhook": 16, "cvit": 4, "czczup": 7, "czech": 5, "d": [5, 14], "danish": 5, "data": [4, 5, 6, 8, 9, 11, 13], "dataload": 14, "dataset": [7, 11, 16], "dataset_info": 5, "date": [11, 16], "db": 13, "db_mobilenet_v3_larg": [7, 13, 16], "db_resnet34": 16, "db_resnet50": [7, 11, 13, 16], "dbnet": [4, 7], "decis": 1, "decod": 6, "decode_img_as_tensor": 6, "deem": 1, "deep": [7, 16], "def": 16, "default": [3, 6, 11, 12, 16], "defer": 14, "defin": [9, 15], "degre": [6, 8], "degress": 6, "delet": 2, "delimit": 16, "delta": 8, "demo": [2, 4], "demonstr": 1, "depend": [2, 3, 4, 16], "deploi": 2, "deploy": 4, "derogatori": 1, "describ": 7, "descript": 10, "design": 8, "desir": 6, "det_arch": [7, 11, 13, 15], "det_b": 16, "det_model": [11, 13], "det_param": 11, "det_predictor": [11, 16], "detail": [11, 16], "detect": [5, 9, 10, 11], "detect_languag": 7, "detect_orient": 7, "detection_predictor": [7, 16], "detectiondataset": [5, 14], "detectionmetr": 9, "detectionpredictor": [7, 11], "detector": [4, 7], "deterior": 7, "determin": 1, "dev": [2, 12], "develop": 3, "deviat": 8, "devic": 15, "dict": [6, 9, 16], "dictionari": [6, 9], "differ": 1, "differenti": [4, 7], "digit": [4, 5, 14], "dimens": [6, 9, 16], "dimension": 8, "direct": 5, "directli": [13, 16], "directori": [2, 12], "disabl": [1, 12, 16], "disclaim": 16, "discuss": 2, "disparag": 1, "displai": [6, 9], "display_artefact": 9, "distribut": 8, "div": 16, "divers": 1, "divid": 6, "do": [2, 3, 7], "doc": [2, 6, 15, 16], "docartefact": [5, 14], "docstr": 2, "doctr": [3, 11, 12, 13, 14, 16], "doctr_cache_dir": 12, "doctr_multiprocessing_dis": 12, "document": [5, 7, 9, 10, 14, 16], "documentbuild": 16, "documentfil": [6, 13], "don": [11, 16], "done": 8, "download": [5, 14], "downsiz": 7, "draw": 8, "drop": 5, "drop_last": 5, "dtype": [6, 7, 8, 9, 15], "dual": [4, 5], "dummi": 13, "dummy_img": 16, "dummy_input": 15, "dure": 1, "dutch": 5, "dynam": 5, "dynamic_seq_length": 5, "e": [1, 2, 3, 6, 7], "each": [4, 5, 6, 7, 8, 9, 14, 16], "eas": 2, "easi": [4, 9, 13], "easili": [6, 9, 11, 13, 14, 16], "econom": 1, "edit": 1, "educ": 1, "effici": [2, 4, 5, 7], "either": [9, 16], "element": [5, 6, 7, 16], "els": 2, "email": 1, "empathi": 1, "en": 16, "enabl": [5, 6], "enclos": 6, "encod": [4, 5, 6, 7, 16], "encode_sequ": 5, "encount": 2, "encrypt": 6, "end": [4, 5, 7, 9], "english": [5, 14], "enough": [2, 16], "ensur": 2, "entri": 5, "environ": [1, 12], "eo": 5, "equiv": 16, "estim": 7, "etc": 6, "ethnic": 1, "evalu": [14, 16], "event": 1, "everyon": 1, "everyth": [2, 16], "exact": [9, 16], "exampl": [1, 2, 4, 5, 7, 13, 16], "exchang": 15, "execut": 16, "exist": 13, "expand": 8, "expect": [6, 8, 9], "experi": 1, "explan": [1, 16], "explicit": 1, "exploit": [4, 7], "export": [6, 7, 9, 10, 16], "export_as_straight_box": [7, 16], "export_as_xml": 16, "export_model_to_onnx": 15, "express": [1, 8], "extens": 6, "extern": [1, 14], "extract": [4, 5], "extractor": 7, "f_": 9, "f_a": 9, "factor": 8, "fair": 1, "fairli": 1, "fals": [5, 6, 7, 8, 9, 11, 16], "faq": 1, "fascan": 13, "fast": [4, 5, 7], "fast_bas": [7, 16], "fast_smal": [7, 16], "fast_tini": [7, 16], "faster": [4, 7, 15], "fasterrcnn_mobilenet_v3_large_fpn": 7, "favorit": 16, "featur": [3, 7, 9, 10], "feedback": 1, "feel": [2, 13], "felix92": 13, "few": [15, 16], "figsiz": 9, "figur": 9, "file": [2, 5], "final": 7, "find": [2, 14], "finnish": 5, "first": [2, 5], "firsthand": 5, "fit": [7, 16], "flag": 16, "flip": 8, "float": [6, 8, 9, 15], "float32": [6, 7, 8, 15], "fn": 8, "focu": 13, "focus": [1, 5], "folder": 5, "follow": [1, 2, 3, 5, 8, 9, 11, 12, 13, 16], "font": 5, "font_famili": 5, "foral": 9, "forc": 2, "forg": 3, "form": [4, 5, 16], "format": [6, 9, 11, 14, 15, 16], "forpost": [4, 5], "forum": 2, "fp16": 15, "frac": 9, "framework": [3, 13, 14, 16], "free": [1, 2, 13], "french": [5, 11, 13, 16], "friendli": 4, "from": [1, 4, 5, 6, 7, 8, 9, 10, 11, 14, 15, 16], "from_hub": [7, 13], "from_imag": [6, 13], "from_pdf": 6, "from_url": 6, "full": [5, 9, 16], "function": [5, 8, 9], "funsd": [4, 5, 14, 16], "further": 14, "futur": 5, "g": [6, 7], "g_": 9, "g_x": 9, "gamma": 8, "gaussian": 8, "gaussianblur": 8, "gaussiannois": 8, "gen": 16, "gender": 1, "gener": [2, 4, 6, 7], "geometri": [4, 6, 16], "geq": 9, "german": [5, 11, 13], "get": 16, "git": 13, "github": [2, 3, 7, 13], "give": 1, "given": [5, 6, 8, 9, 16], "global": 7, "go": 16, "good": 15, "googl": 2, "googlevis": 4, "gpu": [4, 15], "gracefulli": 1, "graph": [4, 5, 6], "grayscal": 8, "ground": 9, "groung": 9, "group": [4, 16], "gt": 9, "gt_box": 9, "gt_label": 9, "guid": 2, "guidanc": 14, "gvision": 16, "h": [6, 7, 8], "h_": 9, "ha": [2, 5, 9, 14], "handl": [14, 16], "handwrit": 5, "handwritten": 14, "harass": 1, "hardwar": 16, "harm": 1, "hat": 9, "have": [1, 2, 9, 11, 13, 14, 16], "head": [7, 16], "healthi": 1, "hebrew": 5, "height": 6, "hello": [9, 16], "help": 15, "here": [8, 10, 14, 16], "hf": 7, "hf_hub_download": 7, "high": 6, "higher": [3, 5, 16], "hindi_digit": 5, "hocr": 16, "hook": 16, "horizont": [6, 8], "hous": 5, "how": [2, 11, 13, 14], "howev": 14, "hsv": 8, "html": [1, 2, 3, 6, 16], "http": [1, 3, 5, 6, 7, 13, 16], "hub": 7, "hue": 8, "huggingfac": 7, "hw": 5, "i": [1, 2, 5, 6, 7, 8, 9, 12, 13, 14, 15], "i7": 16, "ic03": [4, 5, 14], "ic13": [4, 5, 14], "icdar": [4, 5], "icdar2019": 5, "id": 16, "ident": 1, "identifi": 4, "iiit": [4, 5], "iiit5k": [5, 14], "iiithw": [4, 5, 14], "imag": [4, 5, 6, 7, 8, 9, 13, 14, 16], "imagenet": 7, "imageri": 1, "images_90k_norm": 5, "img": [5, 8, 14], "img_cont": 6, "img_fold": [5, 14], "img_path": 6, "img_transform": 5, "imgur5k": [4, 5, 14], "imgur5k_annot": 5, "imlist": 5, "impact": 1, "implement": [5, 6, 7, 8, 9, 16], "import": [5, 6, 7, 8, 9, 11, 13, 14, 15, 16], "improv": 7, "inappropri": 1, "incid": 1, "includ": [1, 5, 14, 15], "inclus": 1, "increas": 8, "index": [2, 6], "indic": 9, "individu": 1, "infer": [4, 7, 8], "inform": [1, 2, 4, 5, 14], "input": [2, 6, 7, 8, 15, 16], "input_crop": 7, "input_pag": [7, 9, 16], "input_shap": 15, "input_tensor": 7, "inspir": [1, 8], "instal": 13, "instanc": [1, 16], "instanti": [7, 16], "instead": [5, 6, 7], "insult": 1, "int": [5, 6, 8], "int64": [8, 9], "integ": 9, "integr": [4, 13, 14], "intel": 16, "interact": [1, 6, 9], "interfac": 13, "interoper": 15, "interpol": 8, "interpret": [5, 6], "intersect": 9, "invert": 8, "investig": 1, "invis": 1, "involv": [1, 16], "io": 13, "iou": 9, "iou_thresh": 9, "irregular": [4, 7, 14], "isn": 5, "issu": [1, 2, 13], "italian": 5, "iter": [5, 8, 14, 16], "its": [6, 7, 8, 9, 14, 16], "itself": [7, 13], "j": 9, "job": 2, "join": 2, "jpeg": 8, "jpegqual": 8, "jpg": [5, 6, 13], "json": [5, 14, 16], "json_output": 16, "jump": 2, "just": 1, "kei": [4, 5], "kera": [7, 15], "kernel": [4, 7, 8], "kernel_shap": 8, "keywoard": 7, "keyword": [5, 6, 7, 9], "kie": [7, 11], "kie_predictor": [7, 11], "kiepredictor": 7, "kind": 1, "know": 2, "kwarg": [5, 6, 7, 9], "l": 9, "l_j": 9, "label": [5, 8, 9, 14], "label_fil": [5, 14], "label_fold": 5, "label_path": [5, 14], "labels_path": [5, 14], "ladder": 1, "lambda": 8, "lambdatransform": 8, "lang": 16, "languag": [1, 4, 5, 6, 7, 13, 16], "larg": [7, 13], "largest": 9, "last": [3, 5], "latenc": 7, "later": 2, "latest": 16, "latin": 5, "layer": 15, "layout": 16, "lead": 1, "leader": 1, "learn": [1, 4, 7, 15, 16], "least": 3, "left": [9, 16], "legacy_french": 5, "length": [5, 16], "less": [15, 16], "level": [1, 5, 9, 16], "leverag": 10, "lf": 13, "librari": [2, 3, 10, 11], "light": 4, "like": 1, "limits_": 9, "line": [4, 7, 9, 16], "line_1_1": 16, "link": 11, "linknet": [4, 7], "linknet_resnet18": [7, 11, 16], "linknet_resnet34": [7, 15, 16], "linknet_resnet50": [7, 16], "list": [5, 6, 8, 9, 13], "ll": 9, "load": [4, 5, 7], "load_state_dict": 11, "load_weight": 11, "loc_pr": 16, "local": [2, 4, 5, 7, 9, 14, 16], "localis": 5, "localizationconfus": 9, "locat": [2, 6, 16], "login": 7, "login_to_hub": [7, 13], "logo": [6, 14], "love": 13, "lower": [8, 9, 16], "m": [2, 9, 16], "m1": 3, "macbook": 3, "machin": 15, "made": 4, "magc_resnet31": 7, "mai": [1, 2], "mail": 1, "main": 10, "maintain": 4, "mainten": 2, "make": [1, 2, 9, 12, 13, 15, 16], "mani": [14, 16], "manipul": 16, "map": [5, 7], "map_loc": 11, "master": [4, 7, 16], "match": [9, 16], "mathcal": 9, "matplotlib": [6, 9], "max": [5, 8, 9], "max_angl": 8, "max_area": 8, "max_char": [5, 14], "max_delta": 8, "max_gain": 8, "max_gamma": 8, "max_qual": 8, "max_ratio": 8, "maximum": [5, 8], "maxval": [7, 8], "mbox": 9, "mean": [8, 9, 11], "meaniou": 9, "meant": [6, 15], "measur": 16, "media": 1, "median": 7, "meet": 11, "member": 1, "memori": [12, 15], "mention": 16, "merg": 5, "messag": 2, "meta": 16, "metadata": 15, "metal": 3, "method": [6, 8, 16], "metric": [9, 16], "middl": 16, "might": [15, 16], "min": 8, "min_area": 8, "min_char": [5, 14], "min_gain": 8, "min_gamma": 8, "min_qual": 8, "min_ratio": 8, "min_val": 8, "minde": [1, 3, 4, 7], "minim": [2, 4], "minimalist": [4, 7], "minimum": [3, 5, 8, 9, 16], "minval": 8, "miss": 3, "mistak": 1, "mixed_float16": 15, "mixed_precis": 15, "mjsynth": [4, 5, 14], "mnt": 5, "mobilenet": [7, 13], "mobilenet_v3_larg": 7, "mobilenet_v3_large_r": 7, "mobilenet_v3_smal": 7, "mobilenet_v3_small_crop_orient": 7, "mobilenet_v3_small_r": 7, "mobilenetv3": 7, "modal": [4, 5], "mode": 3, "model": [5, 9, 12, 14], "model_nam": [7, 13, 15], "model_path": 15, "moder": 1, "modif": 2, "modifi": [7, 12, 16], "modul": [6, 7, 8, 9, 16], "more": [2, 14, 16], "most": 16, "mozilla": 1, "multi": [4, 7], "multilingu": [5, 13], "multipl": [5, 6, 8, 16], "multipli": 8, "multiprocess": 12, "my": 7, "my_awesome_model": 13, "my_hook": 16, "n": [5, 9], "name": [5, 7, 15, 16], "nation": 1, "natur": [1, 4, 5], "ndarrai": [5, 6, 8, 9], "necessari": [3, 11, 12], "need": [2, 3, 5, 9, 11, 12, 13, 16], "neg": 8, "nest": 16, "network": [4, 5, 7, 15], "neural": [4, 5, 7, 15], "new": [2, 9], "next": [5, 14], "nois": 8, "noisi": [4, 5], "non": [4, 5, 6, 7, 8, 9], "none": [5, 6, 7, 8, 9, 16], "normal": [7, 8], "norwegian": 5, "note": [0, 2, 5, 7, 13, 15], "now": 2, "np": [7, 8, 9, 16], "num_output_channel": 8, "num_sampl": [5, 14], "num_work": 5, "number": [5, 8, 9, 16], "numpi": [6, 7, 9, 16], "o": 3, "obj_detect": 13, "object": [5, 9, 10, 16], "oblig": 1, "obtain": 16, "occupi": 15, "ocr": [4, 5, 7, 9, 13, 14], "ocr_carea": 16, "ocr_db_crnn": 9, "ocr_lin": 16, "ocr_pag": 16, "ocr_par": 16, "ocr_predictor": [7, 11, 13, 15, 16], "ocrdataset": [5, 14], "ocrmetr": 9, "ocrpredictor": [7, 11], "ocrx_word": 16, "offens": 1, "offici": [1, 7], "offlin": 1, "offset": 8, "onc": 16, "one": [2, 5, 7, 8, 11, 13, 16], "oneof": 8, "ones": [5, 8, 9], "onli": [2, 7, 8, 9, 13, 14, 15, 16], "onlin": 1, "opac": 8, "opacity_rang": 8, "open": [1, 2, 13, 15], "opinion": 1, "optic": [4, 16], "optim": [4, 16], "option": [5, 7, 11], "order": [2, 5, 6, 8], "org": [1, 5, 7, 16], "organ": 6, "orient": [1, 6, 7, 16], "orientationpredictor": 7, "other": [1, 2], "otherwis": [1, 6, 9], "our": [2, 7, 16], "out": [2, 7, 8, 9, 16], "outpout": 16, "output": [6, 8, 15], "output_s": [6, 8], "outsid": 12, "over": [5, 9, 16], "overal": [1, 7], "overlai": 6, "overwritten": 13, "own": 4, "p": [8, 16], "packag": [2, 4, 9, 12, 14], "pad": [5, 7, 8, 16], "page": [3, 5, 7, 9, 16], "page1": 6, "page2": 6, "page_1": 16, "page_idx": [6, 16], "pair": 9, "paper": 7, "par_1_1": 16, "paragraph": 16, "paragraph_break": 16, "param": [8, 16], "paramet": [4, 6, 7, 15], "pars": [4, 5], "parseq": [4, 7, 13, 16], "part": [5, 8, 16], "parti": 3, "partial": 16, "particip": 1, "pass": [5, 6, 7, 16], "password": 6, "patch": [7, 9], "path": [5, 6, 14], "path_to_checkpoint": 11, "path_to_pt": 11, "pattern": 1, "pdf": [6, 7, 10], "pdfpage": 6, "peopl": 1, "per": [8, 16], "perform": [4, 6, 7, 8, 9, 12, 15, 16], "period": 1, "permiss": 1, "permut": [4, 7], "persian_lett": 5, "person": [1, 14], "phase": 16, "photo": 14, "physic": [1, 6], "pick": 8, "pictur": 6, "pip": [2, 3], "pipelin": 16, "pixel": [6, 8, 16], "pleas": 2, "plot": 9, "plt": 9, "plug": 13, "plugin": 3, "png": 6, "point": 15, "polici": 12, "polish": 5, "polit": 1, "polygon": [5, 9, 16], "pool": 7, "portugues": 5, "posit": [1, 9], "possibl": [2, 9, 13, 16], "post": [1, 16], "postprocessor": 16, "potenti": 7, "power": 4, "ppageno": 16, "pre": [2, 7], "precis": [9, 16], "pred": 9, "pred_box": 9, "pred_label": 9, "predefin": 14, "predict": [6, 7, 9, 16], "predictor": [4, 6, 7, 11, 13, 15], "prefer": 14, "preinstal": 3, "preprocessor": [11, 16], "prerequisit": 13, "present": 10, "preserv": [7, 8, 16], "preserve_aspect_ratio": [6, 7, 8, 11, 16], "pretrain": [4, 7, 9, 11, 15, 16], "pretrained_backbon": [7, 11], "print": 16, "prior": 5, "privaci": 1, "privat": 1, "probabl": 8, "problem": 2, "procedur": 8, "process": [2, 4, 6, 11, 16], "processor": 16, "produc": [10, 16], "product": 15, "profession": 1, "project": [2, 14], "promptli": 1, "proper": 2, "properli": 5, "provid": [1, 2, 4, 13, 14, 16], "public": [1, 4], "publicli": 16, "publish": 1, "pull": 13, "punctuat": 5, "pure": 5, "purpos": 2, "push_to_hf_hub": [7, 13], "py": 13, "pypdfium2": [3, 6], "pyplot": [6, 9], "python": 2, "python3": 13, "pytorch": [3, 4, 7, 8, 11, 13, 15, 16], "q": 2, "qr": 6, "qr_code": 14, "qualiti": 8, "question": 1, "quickli": 4, "quicktour": 10, "r": 16, "race": 1, "ramdisk": 5, "rand": [7, 8, 9, 15, 16], "random": [7, 8, 9, 16], "randomappli": 8, "randombright": 8, "randomcontrast": 8, "randomcrop": 8, "randomgamma": 8, "randomhorizontalflip": 8, "randomhu": 8, "randomjpegqu": 8, "randomli": 8, "randomrot": 8, "randomsatur": 8, "randomshadow": 8, "rang": 8, "rassi": 13, "ratio": [7, 8, 16], "raw": [6, 9], "re": 15, "read": [4, 5, 7], "read_html": 6, "read_img_as_numpi": 6, "read_img_as_tensor": 6, "read_pdf": 6, "readi": 15, "real": [4, 7, 8], "reason": [1, 4, 5], "rebuild": 2, "rebuilt": 2, "recal": [9, 16], "receipt": [4, 5, 16], "reco_arch": [7, 11, 13, 15], "reco_b": 16, "reco_model": [11, 13], "reco_param": 11, "reco_predictor": 11, "recogn": 16, "recognit": [5, 9, 11], "recognition_predictor": [7, 16], "recognition_task": [5, 14], "recognitiondataset": [5, 14], "recognitionpredictor": [7, 11], "rectangular": 7, "reduc": [3, 8], "refer": [2, 3, 11, 13, 14, 16], "regardless": 1, "region": 16, "regroup": 9, "regular": 14, "reject": 1, "rel": [6, 8, 9, 16], "relat": 6, "releas": [0, 3], "religion": 1, "remov": 1, "render": [6, 16], "repo": 7, "repo_id": [7, 13], "report": 1, "repositori": [5, 7, 13], "repres": [1, 15, 16], "represent": [4, 7], "request": [1, 13], "requir": [3, 8], "research": 4, "residu": 7, "resiz": [8, 16], "resnet": 7, "resnet18": [7, 13], "resnet31": 7, "resnet34": 7, "resnet50": [7, 13], "resolv": 6, "resolve_block": 16, "resolve_lin": 16, "resourc": 14, "respect": 1, "rest": [2, 8, 9], "restrict": 12, "result": [2, 5, 6, 10, 13, 16], "return": 16, "reusabl": 16, "review": 1, "rgb": [6, 8], "rgb_mode": 6, "rgb_output": 6, "right": [1, 7, 9], "robust": [4, 5], "root": 5, "rotat": [5, 6, 7, 8, 9, 14, 16], "run": [2, 3, 7], "same": [2, 6, 9, 14, 16], "sampl": [5, 14, 16], "sample_transform": 5, "sar": [4, 7], "sar_resnet31": [7, 16], "satur": 8, "save": [7, 14], "scale": [6, 7, 8, 9], "scan": [4, 5], "scene": [4, 5, 7], "score": 9, "script": [2, 14], "seamless": 4, "seamlessli": [4, 16], "search": 7, "searchabl": 10, "sec": 16, "second": 16, "section": [11, 13, 15, 16], "secur": [1, 12], "see": [1, 2], "seen": 16, "segment": [4, 7, 16], "self": 16, "semant": [4, 7], "send": 16, "sens": 9, "sensit": 14, "separ": 16, "sequenc": [4, 5, 6, 7, 9, 16], "sequenti": [8, 16], "seri": 1, "seriou": 1, "set": [1, 3, 5, 7, 9, 12, 16], "set_global_polici": 15, "sever": [6, 8, 16], "sex": 1, "sexual": 1, "shade": 8, "shape": [4, 6, 7, 8, 9, 16], "share": [12, 14], "shift": 8, "shm": 12, "should": [2, 5, 6, 8, 9], "show": [4, 6, 7, 9, 11, 13], "showcas": 2, "shuffl": [5, 8], "side": 9, "signatur": 6, "signific": 14, "simpl": [4, 7], "simpler": 7, "sinc": [5, 14], "singl": [1, 2, 4, 5], "size": [1, 5, 6, 8, 16], "skew": 16, "slack": 2, "slightli": 7, "small": [2, 7], "smallest": 6, "snapshot_download": 7, "snippet": 16, "so": [2, 3, 5, 7, 13, 14], "social": 1, "socio": 1, "some": [3, 10, 13, 14], "someth": 2, "somewher": 2, "soon": 15, "sort": 1, "sourc": [5, 6, 7, 8, 9, 13], "space": [1, 16], "span": 16, "spanish": 5, "spatial": [4, 5, 6], "specif": [2, 3, 9, 11, 14, 16], "specifi": [1, 5, 6], "speed": [4, 7], "sphinx": 2, "sroie": [4, 5, 14], "stabl": 3, "stackoverflow": 2, "stage": 4, "standard": 8, "start": 5, "state": [4, 9], "static": 9, "statu": 1, "std": [8, 11], "step": 12, "still": 16, "str": [5, 6, 7, 8, 9], "straight": [5, 7, 14, 16], "straighten_pag": 7, "stream": 6, "street": [4, 5], "strict": 3, "strictli": 9, "string": [5, 6, 9, 16], "strive": 3, "strong": [4, 7], "structur": [15, 16], "subset": [5, 16], "suggest": [2, 13], "sum": 9, "summari": 9, "support": [3, 15, 16], "sustain": 1, "svhn": [4, 5, 14], "svt": [5, 14], "swedish": 5, "symmetr": [7, 8, 16], "symmetric_pad": [7, 8, 16], "synthet": 4, "synthtext": [4, 5, 14], "system": 16, "t": [2, 5, 11, 16], "tabl": 13, "take": [1, 5, 16], "target": [5, 6, 8, 9, 14], "target_s": 5, "task": [4, 5, 7, 13, 14, 16], "task2": 5, "team": 3, "techminde": 3, "templat": [2, 4], "tensor": [5, 6, 8, 16], "tensorflow": [3, 4, 6, 7, 8, 11, 13, 15, 16], "tensorspec": 15, "term": 1, "test": [5, 14], "test_set": 5, "text": [5, 6, 7, 9, 14], "text_output": 16, "textmatch": 9, "textnet": 7, "textnet_bas": 7, "textnet_smal": 7, "textnet_tini": 7, "textract": [4, 16], "textstylebrush": [4, 5], "textual": [4, 5, 6, 7, 16], "tf": [3, 6, 7, 8, 13, 15], "than": [2, 9, 13], "thank": 2, "thei": [1, 9], "them": [5, 16], "thi": [1, 2, 3, 5, 9, 11, 12, 13, 14, 15, 16], "thing": [15, 16], "third": 3, "those": [1, 6, 16], "threaten": 1, "threshold": 16, "through": [1, 8, 14], "tilman": 13, "time": [1, 4, 7, 9, 14], "tini": 7, "titl": [6, 16], "tm": 16, "tmp": 12, "togeth": [2, 6], "tograi": 8, "tool": 14, "top": [9, 16], "topic": 2, "torch": [3, 8, 11, 13, 15], "torchvis": 8, "total": 11, "toward": [1, 3], "train": [2, 5, 7, 8, 13, 14, 15, 16], "train_it": [5, 14], "train_load": [5, 14], "train_pytorch": 13, "train_set": [5, 14], "train_tensorflow": 13, "trainabl": [4, 7], "tranform": 8, "transcrib": 16, "transfer": [4, 5], "transfo": 8, "transform": [4, 5, 7], "translat": 1, "troll": 1, "true": [5, 6, 7, 8, 9, 11, 12, 13, 14, 15, 16], "truth": 9, "tune": 15, "tupl": [5, 6, 8, 9], "two": [6, 12], "txt": 5, "type": [6, 9, 13, 15, 16], "typic": 16, "u": [1, 2], "ucsd": 5, "udac": 2, "uint8": [6, 7, 9, 16], "unaccept": 1, "underli": [14, 16], "underneath": 6, "understand": [4, 5, 16], "uniform": [7, 8], "uniformli": 8, "uninterrupt": [6, 16], "union": 9, "unittest": 2, "unlock": 6, "unoffici": 7, "unprofession": 1, "unsolicit": 1, "unsupervis": 4, "unwelcom": 1, "up": [7, 16], "updat": 9, "upgrad": 2, "upper": [5, 8], "uppercas": 14, "url": 6, "us": [1, 2, 3, 5, 7, 9, 11, 12, 13, 16], "usabl": 16, "usag": [12, 15], "use_polygon": [5, 9, 14], "useabl": 16, "user": [4, 6, 10], "utf": 16, "util": 15, "v1": 13, "v3": [7, 13, 16], "valid": 14, "valu": [2, 6, 8, 16], "valuabl": 4, "variabl": 12, "varieti": 5, "veri": 7, "version": [1, 2, 3, 15, 16], "vgg": 7, "vgg16": 13, "vgg16_bn_r": 7, "via": 1, "vietnames": 5, "view": [4, 5], "viewpoint": 1, "violat": 1, "visibl": 1, "vision": [4, 5, 7], "visiondataset": 5, "visiontransform": 7, "visual": [3, 4], "visualize_pag": 9, "vit_": 7, "vit_b": 7, "vitstr": [4, 7, 15], "vitstr_bas": [7, 16], "vitstr_smal": [7, 11, 15, 16], "viz": 3, "vocab": [11, 13, 14, 16], "vocabulari": [5, 11, 13], "w": [6, 7, 8, 9], "w3": 16, "wa": 1, "wai": [1, 4, 14], "want": [2, 15, 16], "warmup": 16, "wasn": 2, "we": [1, 2, 3, 4, 6, 8, 13, 14, 15, 16], "weasyprint": 6, "web": [2, 6], "websit": 5, "weight": 11, "welcom": 1, "well": [1, 15], "were": [1, 6, 16], "what": 1, "when": [1, 2, 7], "whenev": 2, "where": [2, 6, 8, 9], "whether": [2, 5, 6, 8, 9, 14, 16], "which": [1, 7, 12, 14, 16], "whichev": 3, "while": [8, 16], "why": 1, "width": 6, "wiki": 1, "wildreceipt": [4, 5, 14], "window": [7, 9], "wish": 2, "within": 1, "without": [1, 5, 7], "wonder": 2, "word": [4, 5, 7, 9, 16], "word_1_1": 16, "word_1_2": 16, "word_1_3": 16, "wordgener": [5, 14], "words_onli": 9, "work": [12, 16], "worker": 5, "workflow": 2, "worklow": 2, "world": [9, 16], "worth": 7, "wrap": 16, "wrapper": [5, 8], "write": 12, "written": [1, 6], "www": [1, 6, 16], "x": [6, 8, 9], "x_ascend": 16, "x_descend": 16, "x_i": 9, "x_size": 16, "x_wconf": 16, "xhtml": 16, "xmax": 6, "xmin": 6, "xml": 16, "xml_bytes_str": 16, "xml_element": 16, "xml_output": 16, "xmln": 16, "y": 9, "y_i": 9, "y_j": 9, "ymax": 6, "ymin": 6, "you": [2, 3, 5, 6, 7, 11, 12, 13, 14, 15, 16], "your": [2, 4, 6, 9, 16], "yoursit": 6, "zero": [8, 9], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": 5, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": 5, "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": 5, "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": 5, "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": 5, "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": 5, "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": 5, "\u00e4\u00f6\u00e4\u00f6": 5, "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": 5, "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": 5, "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": 5, "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": 5, "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": 5, "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": 5, "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": 5, "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": 5, "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": 5, "\u067e\u0686\u06a2\u06a4\u06af": 5}, "titles": ["Changelog", "Contributor Covenant Code of Conduct", "Contributing to docTR", "Installation", "docTR: Document Text Recognition", "doctr.datasets", "doctr.io", "doctr.models", "doctr.transforms", "doctr.utils", "docTR Notebooks", "Train your own model", "AWS Lambda", "Share your model with the community", "Choose a ready to use dataset", "Preparing your model for inference", "Choosing the right model"], "titleterms": {"": 2, "0": 0, "01": 0, "02": 0, "03": 0, "04": 0, "05": 0, "07": 0, "08": 0, "09": 0, "1": [0, 1], "10": 0, "11": 0, "12": 0, "18": 0, "2": [0, 1], "2021": 0, "2022": 0, "2023": 0, "2024": 0, "22": 0, "27": 0, "28": 0, "29": 0, "3": [0, 1], "31": 0, "4": [0, 1], "5": 0, "6": 0, "7": 0, "8": 0, "advanc": 16, "approach": 16, "architectur": 16, "arg": [5, 6, 7, 8, 9], "artefact": 6, "attribut": 1, "avail": [14, 16], "aw": 12, "ban": 1, "block": 6, "bug": 2, "changelog": 0, "choos": [14, 16], "classif": [7, 13], "code": [1, 2], "codebas": 2, "commit": 2, "commun": 13, "compos": 8, "conda": 3, "conduct": 1, "connect": 2, "continu": 2, "contribut": 2, "contributor": 1, "convent": 13, "correct": 1, "coven": 1, "custom": [5, 11], "data": 14, "dataload": 5, "dataset": [4, 5, 14], "detect": [4, 7, 13, 14, 16], "develop": 2, "do": 16, "doctr": [2, 4, 5, 6, 7, 8, 9, 10, 15], "document": [2, 4, 6], "end": 16, "enforc": 1, "evalu": 9, "export": 15, "factori": 7, "featur": [2, 4], "feedback": 2, "file": 6, "from": 13, "gener": [5, 14], "git": 3, "guidelin": 1, "half": 15, "hub": 13, "huggingfac": 13, "i": 16, "infer": 15, "instal": [2, 3], "integr": 2, "io": 6, "lambda": 12, "let": 2, "line": 6, "linux": 3, "load": [11, 13, 14], "loader": 5, "main": 4, "mode": 2, "model": [4, 7, 11, 13, 15, 16], "modifi": 2, "name": 13, "notebook": 10, "object": 14, "ocr": 16, "onli": 3, "onnx": 15, "optim": 15, "option": 16, "our": 1, "output": 16, "own": [11, 14], "packag": 3, "page": 6, "perman": 1, "pledg": 1, "precis": 15, "predictor": 16, "prepar": 15, "prerequisit": 3, "pretrain": 13, "push": 13, "python": 3, "qualiti": 2, "question": 2, "read": 6, "readi": 14, "recognit": [4, 7, 13, 14, 16], "report": 2, "request": 2, "respons": 1, "return": [5, 6, 7, 9], "right": 16, "scope": 1, "share": 13, "should": 16, "stage": 16, "standard": 1, "structur": [2, 6], "style": 2, "support": [4, 5, 8], "synthet": [5, 14], "task": 9, "temporari": 1, "test": 2, "text": [4, 16], "train": 11, "transform": 8, "two": 16, "unit": 2, "us": [14, 15], "util": 9, "v0": 0, "verif": 2, "via": 3, "visual": 9, "vocab": 5, "warn": 1, "what": 16, "word": 6, "your": [11, 13, 14, 15], "zoo": [4, 7]}})
\ No newline at end of file
+Search.setIndex({"alltitles": {"1. Correction": [[1, "correction"]], "2. Warning": [[1, "warning"]], "3. Temporary Ban": [[1, "temporary-ban"]], "4. Permanent Ban": [[1, "permanent-ban"]], "AWS Lambda": [[13, "aws-lambda"]], "Advanced options": [[18, "advanced-options"]], "Args:": [[6, "args"], [6, "id4"], [6, "id7"], [6, "id10"], [6, "id13"], [6, "id16"], [6, "id19"], [6, "id22"], [6, "id25"], [6, "id29"], [6, "id32"], [6, "id37"], [6, "id40"], [6, "id46"], [6, "id49"], [6, "id50"], [6, "id51"], [6, "id54"], [6, "id57"], [6, "id60"], [6, "id61"], [7, "args"], [7, "id2"], [7, "id3"], [7, "id4"], [7, "id5"], [7, "id6"], [7, "id7"], [7, "id10"], [7, "id12"], [7, "id14"], [7, "id16"], [7, "id20"], [7, "id24"], [7, "id28"], [8, "args"], [8, "id3"], [8, "id8"], [8, "id13"], [8, "id17"], [8, "id21"], [8, "id26"], [8, "id31"], [8, "id36"], [8, "id41"], [8, "id45"], [8, "id49"], [8, "id54"], [8, "id58"], [8, "id63"], [8, "id68"], [8, "id72"], [8, "id76"], [8, "id81"], [8, "id86"], [8, "id90"], [8, "id95"], [8, "id100"], [8, "id105"], [8, "id110"], [8, "id114"], [8, "id118"], [8, "id123"], [8, "id128"], [8, "id133"], [8, "id137"], [8, "id141"], [8, "id146"], [8, "id150"], [8, "id154"], [8, "id158"], [8, "id160"], [8, "id162"], [8, "id164"], [9, "args"], [9, "id1"], [9, "id2"], [9, "id3"], [9, "id4"], [9, "id5"], [9, "id6"], [9, "id7"], [9, "id8"], [9, "id9"], [9, "id10"], [9, "id11"], [9, "id12"], [9, "id13"], [9, "id14"], [9, "id15"], [9, "id16"], [9, "id17"], [9, "id18"], [10, "args"], [10, "id3"], [10, "id4"], [10, "id5"], [10, "id6"], [10, "id7"], [10, "id8"], [10, "id9"]], "Artefact": [[7, "artefact"]], "ArtefactDetection": [[15, "artefactdetection"]], "Attribution": [[1, "attribution"]], "Available Datasets": [[16, "available-datasets"]], "Available architectures": [[18, "available-architectures"], [18, "id1"], [18, "id2"]], "Available contribution modules": [[15, "available-contribution-modules"]], "Block": [[7, "block"]], "Changelog": [[0, "changelog"]], "Choose a ready to use dataset": [[16, "choose-a-ready-to-use-dataset"]], "Choosing the right model": [[18, "choosing-the-right-model"]], "Classification": [[14, "classification"]], "Code quality": [[2, "code-quality"]], "Code style verification": [[2, "code-style-verification"]], "Codebase structure": [[2, "codebase-structure"]], "Commits": [[2, "commits"]], "Composing transformations": [[9, "composing-transformations"]], "Continuous Integration": [[2, "continuous-integration"]], "Contributing to docTR": [[2, "contributing-to-doctr"]], "Contributor Covenant Code of Conduct": [[1, "contributor-covenant-code-of-conduct"]], "Custom dataset loader": [[6, "custom-dataset-loader"]], "Data Loading": [[16, "data-loading"]], "Dataloader": [[6, "dataloader"]], "Detection": [[14, "detection"], [16, "detection"]], "Detection predictors": [[18, "detection-predictors"]], "Developer mode installation": [[2, "developer-mode-installation"]], "Developing docTR": [[2, "developing-doctr"]], "Document": [[7, "document"]], "Document structure": [[7, "document-structure"]], "End-to-End OCR": [[18, "end-to-end-ocr"]], "Enforcement": [[1, "enforcement"]], "Enforcement Guidelines": [[1, "enforcement-guidelines"]], "Enforcement Responsibilities": [[1, "enforcement-responsibilities"]], "Export to ONNX": [[17, "export-to-onnx"]], "Feature requests & bug report": [[2, "feature-requests-bug-report"]], "Feedback": [[2, "feedback"]], "File reading": [[7, "file-reading"]], "Half-precision": [[17, "half-precision"]], "Installation": [[3, "installation"]], "Integrate contributions into your pipeline": [[15, "integrate-contributions-into-your-pipeline"]], "Let\u2019s connect": [[2, "let-s-connect"]], "Line": [[7, "line"]], "Loading from Huggingface Hub": [[14, "loading-from-huggingface-hub"]], "Loading your custom trained model": [[12, "loading-your-custom-trained-model"]], "Main Features": [[4, "main-features"]], "Model optimization": [[17, "model-optimization"]], "Model zoo": [[4, "model-zoo"]], "Modifying the documentation": [[2, "modifying-the-documentation"]], "Naming conventions": [[14, "naming-conventions"]], "Object Detection": [[16, "object-detection"]], "Our Pledge": [[1, "our-pledge"]], "Our Standards": [[1, "our-standards"]], "Page": [[7, "page"]], "Preparing your model for inference": [[17, "preparing-your-model-for-inference"]], "Prerequisites": [[3, "prerequisites"]], "Pretrained community models": [[14, "pretrained-community-models"]], "Pushing to the Huggingface Hub": [[14, "pushing-to-the-huggingface-hub"]], "Questions": [[2, "questions"]], "Recognition": [[14, "recognition"], [16, "recognition"]], "Recognition predictors": [[18, "recognition-predictors"]], "Returns:": [[6, "returns"], [7, "returns"], [7, "id11"], [7, "id13"], [7, "id15"], [7, "id19"], [7, "id23"], [7, "id27"], [7, "id31"], [8, "returns"], [8, "id6"], [8, "id11"], [8, "id16"], [8, "id20"], [8, "id24"], [8, "id29"], [8, "id34"], [8, "id39"], [8, "id44"], [8, "id48"], [8, "id52"], [8, "id57"], [8, "id61"], [8, "id66"], [8, "id71"], [8, "id75"], [8, "id79"], [8, "id84"], [8, "id89"], [8, "id93"], [8, "id98"], [8, "id103"], [8, "id108"], [8, "id113"], [8, "id117"], [8, "id121"], [8, "id126"], [8, "id131"], [8, "id136"], [8, "id140"], [8, "id144"], [8, "id149"], [8, "id153"], [8, "id157"], [8, "id159"], [8, "id161"], [8, "id163"], [10, "returns"]], "Scope": [[1, "scope"]], "Share your model with the community": [[14, "share-your-model-with-the-community"]], "Supported Vocabs": [[6, "supported-vocabs"]], "Supported contribution modules": [[5, "supported-contribution-modules"]], "Supported datasets": [[4, "supported-datasets"]], "Supported transformations": [[9, "supported-transformations"]], "Synthetic dataset generator": [[6, "synthetic-dataset-generator"], [16, "synthetic-dataset-generator"]], "Task evaluation": [[10, "task-evaluation"]], "Text Detection": [[18, "text-detection"]], "Text Recognition": [[18, "text-recognition"]], "Text detection models": [[4, "text-detection-models"]], "Text recognition models": [[4, "text-recognition-models"]], "Train your own model": [[12, "train-your-own-model"]], "Two-stage approaches": [[18, "two-stage-approaches"]], "Unit tests": [[2, "unit-tests"]], "Use your own datasets": [[16, "use-your-own-datasets"]], "Using your ONNX exported model in docTR": [[17, "using-your-onnx-exported-model-in-doctr"]], "Via Conda (Only for Linux)": [[3, "via-conda-only-for-linux"]], "Via Git": [[3, "via-git"]], "Via Python Package": [[3, "via-python-package"]], "Visualization": [[10, "visualization"]], "What should I do with the output?": [[18, "what-should-i-do-with-the-output"]], "Word": [[7, "word"]], "docTR Notebooks": [[11, "doctr-notebooks"]], "docTR Vocabs": [[6, "id62"]], "docTR: Document Text Recognition": [[4, "doctr-document-text-recognition"]], "doctr.contrib": [[5, "doctr-contrib"]], "doctr.datasets": [[6, "doctr-datasets"], [6, "datasets"]], "doctr.io": [[7, "doctr-io"]], "doctr.models": [[8, "doctr-models"]], "doctr.models.classification": [[8, "doctr-models-classification"]], "doctr.models.detection": [[8, "doctr-models-detection"]], "doctr.models.factory": [[8, "doctr-models-factory"]], "doctr.models.recognition": [[8, "doctr-models-recognition"]], "doctr.models.zoo": [[8, "doctr-models-zoo"]], "doctr.transforms": [[9, "doctr-transforms"]], "doctr.utils": [[10, "doctr-utils"]], "v0.1.0 (2021-03-05)": [[0, "v0-1-0-2021-03-05"]], "v0.1.1 (2021-03-18)": [[0, "v0-1-1-2021-03-18"]], "v0.2.0 (2021-05-11)": [[0, "v0-2-0-2021-05-11"]], "v0.2.1 (2021-05-28)": [[0, "v0-2-1-2021-05-28"]], "v0.3.0 (2021-07-02)": [[0, "v0-3-0-2021-07-02"]], "v0.3.1 (2021-08-27)": [[0, "v0-3-1-2021-08-27"]], "v0.4.0 (2021-10-01)": [[0, "v0-4-0-2021-10-01"]], "v0.4.1 (2021-11-22)": [[0, "v0-4-1-2021-11-22"]], "v0.5.0 (2021-12-31)": [[0, "v0-5-0-2021-12-31"]], "v0.5.1 (2022-03-22)": [[0, "v0-5-1-2022-03-22"]], "v0.6.0 (2022-09-29)": [[0, "v0-6-0-2022-09-29"]], "v0.7.0 (2023-09-09)": [[0, "v0-7-0-2023-09-09"]], "v0.8.0 (2024-02-28)": [[0, "v0-8-0-2024-02-28"]], "v0.8.1 (2024-03-04)": [[0, "v0-8-1-2024-03-04"]]}, "docnames": ["changelog", "contributing/code_of_conduct", "contributing/contributing", "getting_started/installing", "index", "modules/contrib", "modules/datasets", "modules/io", "modules/models", "modules/transforms", "modules/utils", "notebooks", "using_doctr/custom_models_training", "using_doctr/running_on_aws", "using_doctr/sharing_models", "using_doctr/using_contrib_modules", "using_doctr/using_datasets", "using_doctr/using_model_export", "using_doctr/using_models"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["changelog.rst", "contributing/code_of_conduct.md", "contributing/contributing.md", "getting_started/installing.rst", "index.rst", "modules/contrib.rst", "modules/datasets.rst", "modules/io.rst", "modules/models.rst", "modules/transforms.rst", "modules/utils.rst", "notebooks.rst", "using_doctr/custom_models_training.rst", "using_doctr/running_on_aws.rst", "using_doctr/sharing_models.rst", "using_doctr/using_contrib_modules.rst", "using_doctr/using_datasets.rst", "using_doctr/using_model_export.rst", "using_doctr/using_models.rst"], "indexentries": {"artefact (class in doctr.io)": [[7, "doctr.io.Artefact", false]], "block (class in doctr.io)": [[7, "doctr.io.Block", false]], "channelshuffle (class in doctr.transforms)": [[9, "doctr.transforms.ChannelShuffle", false]], "charactergenerator (class in doctr.datasets)": [[6, "doctr.datasets.CharacterGenerator", false]], "colorinversion (class in doctr.transforms)": [[9, "doctr.transforms.ColorInversion", false]], "compose (class in doctr.transforms)": [[9, "doctr.transforms.Compose", false]], "cord (class in doctr.datasets)": [[6, "doctr.datasets.CORD", false]], "crnn_mobilenet_v3_large() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.crnn_mobilenet_v3_large", false]], "crnn_mobilenet_v3_small() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.crnn_mobilenet_v3_small", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.crnn_vgg16_bn", false]], "crop_orientation_predictor() (in module doctr.models.classification)": [[8, "doctr.models.classification.crop_orientation_predictor", false]], "dataloader (class in doctr.datasets.loader)": [[6, "doctr.datasets.loader.DataLoader", false]], "db_mobilenet_v3_large() (in module doctr.models.detection)": [[8, "doctr.models.detection.db_mobilenet_v3_large", false]], "db_resnet50() (in module doctr.models.detection)": [[8, "doctr.models.detection.db_resnet50", false]], "decode_img_as_tensor() (in module doctr.io)": [[7, "doctr.io.decode_img_as_tensor", false]], "detection_predictor() (in module doctr.models.detection)": [[8, "doctr.models.detection.detection_predictor", false]], "detectiondataset (class in doctr.datasets)": [[6, "doctr.datasets.DetectionDataset", false]], "detectionmetric (class in doctr.utils.metrics)": [[10, "doctr.utils.metrics.DetectionMetric", false]], "docartefacts (class in doctr.datasets)": [[6, "doctr.datasets.DocArtefacts", false]], "document (class in doctr.io)": [[7, "doctr.io.Document", false]], "documentfile (class in doctr.io)": [[7, "doctr.io.DocumentFile", false]], "encode_sequences() (in module doctr.datasets)": [[6, "doctr.datasets.encode_sequences", false]], "fast_base() (in module doctr.models.detection)": [[8, "doctr.models.detection.fast_base", false]], "fast_small() (in module doctr.models.detection)": [[8, "doctr.models.detection.fast_small", false]], "fast_tiny() (in module doctr.models.detection)": [[8, "doctr.models.detection.fast_tiny", false]], "from_hub() (in module doctr.models.factory)": [[8, "doctr.models.factory.from_hub", false]], "from_images() (doctr.io.documentfile class method)": [[7, "doctr.io.DocumentFile.from_images", false]], "from_pdf() (doctr.io.documentfile class method)": [[7, "doctr.io.DocumentFile.from_pdf", false]], "from_url() (doctr.io.documentfile class method)": [[7, "doctr.io.DocumentFile.from_url", false]], "funsd (class in doctr.datasets)": [[6, "doctr.datasets.FUNSD", false]], "gaussianblur (class in doctr.transforms)": [[9, "doctr.transforms.GaussianBlur", false]], "gaussiannoise (class in doctr.transforms)": [[9, "doctr.transforms.GaussianNoise", false]], "ic03 (class in doctr.datasets)": [[6, "doctr.datasets.IC03", false]], "ic13 (class in doctr.datasets)": [[6, "doctr.datasets.IC13", false]], "iiit5k (class in doctr.datasets)": [[6, "doctr.datasets.IIIT5K", false]], "iiithws (class in doctr.datasets)": [[6, "doctr.datasets.IIITHWS", false]], "imgur5k (class in doctr.datasets)": [[6, "doctr.datasets.IMGUR5K", false]], "kie_predictor() (in module doctr.models)": [[8, "doctr.models.kie_predictor", false]], "lambdatransformation (class in doctr.transforms)": [[9, "doctr.transforms.LambdaTransformation", false]], "line (class in doctr.io)": [[7, "doctr.io.Line", false]], "linknet_resnet18() (in module doctr.models.detection)": [[8, "doctr.models.detection.linknet_resnet18", false]], "linknet_resnet34() (in module doctr.models.detection)": [[8, "doctr.models.detection.linknet_resnet34", false]], "linknet_resnet50() (in module doctr.models.detection)": [[8, "doctr.models.detection.linknet_resnet50", false]], "localizationconfusion (class in doctr.utils.metrics)": [[10, "doctr.utils.metrics.LocalizationConfusion", false]], "login_to_hub() (in module doctr.models.factory)": [[8, "doctr.models.factory.login_to_hub", false]], "magc_resnet31() (in module doctr.models.classification)": [[8, "doctr.models.classification.magc_resnet31", false]], "master() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.master", false]], "mjsynth (class in doctr.datasets)": [[6, "doctr.datasets.MJSynth", false]], "mobilenet_v3_large() (in module doctr.models.classification)": [[8, "doctr.models.classification.mobilenet_v3_large", false]], "mobilenet_v3_large_r() (in module doctr.models.classification)": [[8, "doctr.models.classification.mobilenet_v3_large_r", false]], "mobilenet_v3_small() (in module doctr.models.classification)": [[8, "doctr.models.classification.mobilenet_v3_small", false]], "mobilenet_v3_small_crop_orientation() (in module doctr.models.classification)": [[8, "doctr.models.classification.mobilenet_v3_small_crop_orientation", false]], "mobilenet_v3_small_r() (in module doctr.models.classification)": [[8, "doctr.models.classification.mobilenet_v3_small_r", false]], "normalize (class in doctr.transforms)": [[9, "doctr.transforms.Normalize", false]], "ocr_predictor() (in module doctr.models)": [[8, "doctr.models.ocr_predictor", false]], "ocrdataset (class in doctr.datasets)": [[6, "doctr.datasets.OCRDataset", false]], "ocrmetric (class in doctr.utils.metrics)": [[10, "doctr.utils.metrics.OCRMetric", false]], "oneof (class in doctr.transforms)": [[9, "doctr.transforms.OneOf", false]], "page (class in doctr.io)": [[7, "doctr.io.Page", false]], "parseq() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.parseq", false]], "push_to_hf_hub() (in module doctr.models.factory)": [[8, "doctr.models.factory.push_to_hf_hub", false]], "randomapply (class in doctr.transforms)": [[9, "doctr.transforms.RandomApply", false]], "randombrightness (class in doctr.transforms)": [[9, "doctr.transforms.RandomBrightness", false]], "randomcontrast (class in doctr.transforms)": [[9, "doctr.transforms.RandomContrast", false]], "randomcrop (class in doctr.transforms)": [[9, "doctr.transforms.RandomCrop", false]], "randomgamma (class in doctr.transforms)": [[9, "doctr.transforms.RandomGamma", false]], "randomhorizontalflip (class in doctr.transforms)": [[9, "doctr.transforms.RandomHorizontalFlip", false]], "randomhue (class in doctr.transforms)": [[9, "doctr.transforms.RandomHue", false]], "randomjpegquality (class in doctr.transforms)": [[9, "doctr.transforms.RandomJpegQuality", false]], "randomrotate (class in doctr.transforms)": [[9, "doctr.transforms.RandomRotate", false]], "randomsaturation (class in doctr.transforms)": [[9, "doctr.transforms.RandomSaturation", false]], "randomshadow (class in doctr.transforms)": [[9, "doctr.transforms.RandomShadow", false]], "read_html() (in module doctr.io)": [[7, "doctr.io.read_html", false]], "read_img_as_numpy() (in module doctr.io)": [[7, "doctr.io.read_img_as_numpy", false]], "read_img_as_tensor() (in module doctr.io)": [[7, "doctr.io.read_img_as_tensor", false]], "read_pdf() (in module doctr.io)": [[7, "doctr.io.read_pdf", false]], "recognition_predictor() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.recognition_predictor", false]], "recognitiondataset (class in doctr.datasets)": [[6, "doctr.datasets.RecognitionDataset", false]], "resize (class in doctr.transforms)": [[9, "doctr.transforms.Resize", false]], "resnet18() (in module doctr.models.classification)": [[8, "doctr.models.classification.resnet18", false]], "resnet31() (in module doctr.models.classification)": [[8, "doctr.models.classification.resnet31", false]], "resnet34() (in module doctr.models.classification)": [[8, "doctr.models.classification.resnet34", false]], "resnet50() (in module doctr.models.classification)": [[8, "doctr.models.classification.resnet50", false]], "sar_resnet31() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.sar_resnet31", false]], "show() (doctr.io.document method)": [[7, "doctr.io.Document.show", false]], "show() (doctr.io.page method)": [[7, "doctr.io.Page.show", false]], "sroie (class in doctr.datasets)": [[6, "doctr.datasets.SROIE", false]], "summary() (doctr.utils.metrics.detectionmetric method)": [[10, "doctr.utils.metrics.DetectionMetric.summary", false]], "summary() (doctr.utils.metrics.localizationconfusion method)": [[10, "doctr.utils.metrics.LocalizationConfusion.summary", false]], "summary() (doctr.utils.metrics.ocrmetric method)": [[10, "doctr.utils.metrics.OCRMetric.summary", false]], "summary() (doctr.utils.metrics.textmatch method)": [[10, "doctr.utils.metrics.TextMatch.summary", false]], "svhn (class in doctr.datasets)": [[6, "doctr.datasets.SVHN", false]], "svt (class in doctr.datasets)": [[6, "doctr.datasets.SVT", false]], "synthtext (class in doctr.datasets)": [[6, "doctr.datasets.SynthText", false]], "textmatch (class in doctr.utils.metrics)": [[10, "doctr.utils.metrics.TextMatch", false]], "textnet_base() (in module doctr.models.classification)": [[8, "doctr.models.classification.textnet_base", false]], "textnet_small() (in module doctr.models.classification)": [[8, "doctr.models.classification.textnet_small", false]], "textnet_tiny() (in module doctr.models.classification)": [[8, "doctr.models.classification.textnet_tiny", false]], "togray (class in doctr.transforms)": [[9, "doctr.transforms.ToGray", false]], "update() (doctr.utils.metrics.detectionmetric method)": [[10, "doctr.utils.metrics.DetectionMetric.update", false]], "update() (doctr.utils.metrics.localizationconfusion method)": [[10, "doctr.utils.metrics.LocalizationConfusion.update", false]], "update() (doctr.utils.metrics.ocrmetric method)": [[10, "doctr.utils.metrics.OCRMetric.update", false]], "update() (doctr.utils.metrics.textmatch method)": [[10, "doctr.utils.metrics.TextMatch.update", false]], "vgg16_bn_r() (in module doctr.models.classification)": [[8, "doctr.models.classification.vgg16_bn_r", false]], "visualize_page() (in module doctr.utils.visualization)": [[10, "doctr.utils.visualization.visualize_page", false]], "vit_b() (in module doctr.models.classification)": [[8, "doctr.models.classification.vit_b", false]], "vit_s() (in module doctr.models.classification)": [[8, "doctr.models.classification.vit_s", false]], "vitstr_base() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.vitstr_base", false]], "vitstr_small() (in module doctr.models.recognition)": [[8, "doctr.models.recognition.vitstr_small", false]], "wildreceipt (class in doctr.datasets)": [[6, "doctr.datasets.WILDRECEIPT", false]], "word (class in doctr.io)": [[7, "doctr.io.Word", false]], "wordgenerator (class in doctr.datasets)": [[6, "doctr.datasets.WordGenerator", false]]}, "objects": {"doctr.datasets": [[6, 0, 1, "", "CORD"], [6, 0, 1, "", "CharacterGenerator"], [6, 0, 1, "", "DetectionDataset"], [6, 0, 1, "", "DocArtefacts"], [6, 0, 1, "", "FUNSD"], [6, 0, 1, "", "IC03"], [6, 0, 1, "", "IC13"], [6, 0, 1, "", "IIIT5K"], [6, 0, 1, "", "IIITHWS"], [6, 0, 1, "", "IMGUR5K"], [6, 0, 1, "", "MJSynth"], [6, 0, 1, "", "OCRDataset"], [6, 0, 1, "", "RecognitionDataset"], [6, 0, 1, "", "SROIE"], [6, 0, 1, "", "SVHN"], [6, 0, 1, "", "SVT"], [6, 0, 1, "", "SynthText"], [6, 0, 1, "", "WILDRECEIPT"], [6, 0, 1, "", "WordGenerator"], [6, 1, 1, "", "encode_sequences"]], "doctr.datasets.loader": [[6, 0, 1, "", "DataLoader"]], "doctr.io": [[7, 0, 1, "", "Artefact"], [7, 0, 1, "", "Block"], [7, 0, 1, "", "Document"], [7, 0, 1, "", "DocumentFile"], [7, 0, 1, "", "Line"], [7, 0, 1, "", "Page"], [7, 0, 1, "", "Word"], [7, 1, 1, "", "decode_img_as_tensor"], [7, 1, 1, "", "read_html"], [7, 1, 1, "", "read_img_as_numpy"], [7, 1, 1, "", "read_img_as_tensor"], [7, 1, 1, "", "read_pdf"]], "doctr.io.Document": [[7, 2, 1, "", "show"]], "doctr.io.DocumentFile": [[7, 2, 1, "", "from_images"], [7, 2, 1, "", "from_pdf"], [7, 2, 1, "", "from_url"]], "doctr.io.Page": [[7, 2, 1, "", "show"]], "doctr.models": [[8, 1, 1, "", "kie_predictor"], [8, 1, 1, "", "ocr_predictor"]], "doctr.models.classification": [[8, 1, 1, "", "crop_orientation_predictor"], [8, 1, 1, "", "magc_resnet31"], [8, 1, 1, "", "mobilenet_v3_large"], [8, 1, 1, "", "mobilenet_v3_large_r"], [8, 1, 1, "", "mobilenet_v3_small"], [8, 1, 1, "", "mobilenet_v3_small_crop_orientation"], [8, 1, 1, "", "mobilenet_v3_small_r"], [8, 1, 1, "", "resnet18"], [8, 1, 1, "", "resnet31"], [8, 1, 1, "", "resnet34"], [8, 1, 1, "", "resnet50"], [8, 1, 1, "", "textnet_base"], [8, 1, 1, "", "textnet_small"], [8, 1, 1, "", "textnet_tiny"], [8, 1, 1, "", "vgg16_bn_r"], [8, 1, 1, "", "vit_b"], [8, 1, 1, "", "vit_s"]], "doctr.models.detection": [[8, 1, 1, "", "db_mobilenet_v3_large"], [8, 1, 1, "", "db_resnet50"], [8, 1, 1, "", "detection_predictor"], [8, 1, 1, "", "fast_base"], [8, 1, 1, "", "fast_small"], [8, 1, 1, "", "fast_tiny"], [8, 1, 1, "", "linknet_resnet18"], [8, 1, 1, "", "linknet_resnet34"], [8, 1, 1, "", "linknet_resnet50"]], "doctr.models.factory": [[8, 1, 1, "", "from_hub"], [8, 1, 1, "", "login_to_hub"], [8, 1, 1, "", "push_to_hf_hub"]], "doctr.models.recognition": [[8, 1, 1, "", "crnn_mobilenet_v3_large"], [8, 1, 1, "", "crnn_mobilenet_v3_small"], [8, 1, 1, "", "crnn_vgg16_bn"], [8, 1, 1, "", "master"], [8, 1, 1, "", "parseq"], [8, 1, 1, "", "recognition_predictor"], [8, 1, 1, "", "sar_resnet31"], [8, 1, 1, "", "vitstr_base"], [8, 1, 1, "", "vitstr_small"]], "doctr.transforms": [[9, 0, 1, "", "ChannelShuffle"], [9, 0, 1, "", "ColorInversion"], [9, 0, 1, "", "Compose"], [9, 0, 1, "", "GaussianBlur"], [9, 0, 1, "", "GaussianNoise"], [9, 0, 1, "", "LambdaTransformation"], [9, 0, 1, "", "Normalize"], [9, 0, 1, "", "OneOf"], [9, 0, 1, "", "RandomApply"], [9, 0, 1, "", "RandomBrightness"], [9, 0, 1, "", "RandomContrast"], [9, 0, 1, "", "RandomCrop"], [9, 0, 1, "", "RandomGamma"], [9, 0, 1, "", "RandomHorizontalFlip"], [9, 0, 1, "", "RandomHue"], [9, 0, 1, "", "RandomJpegQuality"], [9, 0, 1, "", "RandomRotate"], [9, 0, 1, "", "RandomSaturation"], [9, 0, 1, "", "RandomShadow"], [9, 0, 1, "", "Resize"], [9, 0, 1, "", "ToGray"]], "doctr.utils.metrics": [[10, 0, 1, "", "DetectionMetric"], [10, 0, 1, "", "LocalizationConfusion"], [10, 0, 1, "", "OCRMetric"], [10, 0, 1, "", "TextMatch"]], "doctr.utils.metrics.DetectionMetric": [[10, 2, 1, "", "summary"], [10, 2, 1, "", "update"]], "doctr.utils.metrics.LocalizationConfusion": [[10, 2, 1, "", "summary"], [10, 2, 1, "", "update"]], "doctr.utils.metrics.OCRMetric": [[10, 2, 1, "", "summary"], [10, 2, 1, "", "update"]], "doctr.utils.metrics.TextMatch": [[10, 2, 1, "", "summary"], [10, 2, 1, "", "update"]], "doctr.utils.visualization": [[10, 1, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "class", "Python class"], "1": ["py", "function", "Python function"], "2": ["py", "method", "Python method"]}, "objtypes": {"0": "py:class", "1": "py:function", "2": "py:method"}, "terms": {"": [1, 7, 8, 10, 14], "0": [1, 3, 6, 9, 10, 12, 15, 16, 18], "00": 18, "01": 18, "0123456789": 6, "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 6, "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": 6, "02562": 8, "03": 18, "035": 18, "0361328125": 18, "04": 18, "05": 18, "06": 18, "06640625": 18, "07": 18, "08": [9, 18], "09": 18, "0966796875": 18, "1": [3, 6, 7, 8, 9, 10, 12, 16, 18], "10": [6, 10, 18], "100": [6, 9, 10, 16, 18], "1000": 18, "101": 6, "1024": [8, 12, 18], "104": 6, "106": 6, "108": 6, "1095": 16, "11": 18, "110": 10, "1107": 16, "114": 6, "1156": 16, "116": 6, "118": 6, "11800h": 18, "11th": 18, "12": [3, 18], "120": 6, "123": 6, "126": 6, "1268": 16, "128": [8, 12, 17, 18], "13": 18, "130": 6, "13068": 16, "131": 6, "1337891": 16, "1357421875": 18, "1396484375": 18, "14": 18, "1420": 18, "14470v1": 6, "149": 16, "15": 18, "150": [10, 18], "1552": 18, "16": [8, 17, 18], "1630859375": 18, "1684": 18, "16x16": 8, "17": 18, "1778": 18, "1782": 18, "18": 8, "185546875": 18, "1900": 18, "1910": 8, "19342": 16, "19370": 16, "195": 6, "19598": 16, "199": 18, "1999": 18, "2": [3, 4, 6, 7, 9, 15, 18], "20": 18, "200": 10, "2000": 16, "2003": [4, 6], "2012": 6, "2013": [4, 6], "2015": 6, "2019": 4, "207901": 16, "21": 18, "2103": 6, "2186": 16, "21888": 16, "22": 18, "224": [8, 9], "225": 9, "22672": 16, "229": [9, 16], "23": 18, "233": 16, "234": 6, "24": 18, "246": 16, "249": 16, "25": 18, "2504": 18, "255": [7, 8, 9, 10, 18], "256": 8, "257": 16, "26": 18, "26032": 16, "264": 12, "27": 18, "2700": 16, "2710": 18, "2749": 12, "28": 18, "287": 12, "29": 18, "296": 12, "299": 12, "2d": 18, "3": [3, 4, 7, 8, 9, 10, 17, 18], "30": 18, "300": 16, "3000": 16, "301": 12, "30595": 18, "30ghz": 18, "31": 8, "32": [6, 8, 9, 12, 16, 17, 18], "3232421875": 18, "33": [9, 18], "33402": 16, "33608": 16, "34": [8, 18], "340": 18, "3456": 18, "3515625": 18, "36": 18, "360": 16, "37": [6, 18], "38": 18, "39": 18, "4": [8, 9, 10, 18], "40": 18, "406": 9, "41": 18, "42": 18, "43": 18, "44": 18, "45": 18, "456": 9, "46": 18, "47": 18, "472": 16, "48": [6, 18], "485": 9, "49": 18, "49377": 16, "5": [6, 9, 10, 15, 18], "50": [8, 16, 18], "51": 18, "51171875": 18, "512": 8, "52": [6, 18], "529": 18, "53": 18, "54": 18, "540": 18, "5478515625": 18, "55": 18, "56": 18, "57": 18, "58": 18, "580": 18, "5810546875": 18, "583": 18, "59": 18, "597": 18, "5k": [4, 6], "5m": 18, "6": [9, 18], "60": 9, "600": [8, 10, 18], "61": 18, "62": 18, "626": 16, "63": 18, "64": [8, 9, 18], "641": 18, "647": 16, "65": 18, "66": 18, "67": 18, "68": 18, "69": 18, "693": 12, "694": 12, "695": 12, "6m": 18, "7": 18, "70": [10, 18], "707470": 16, "71": 18, "7100000": 16, "7141797": 16, "7149": 16, "72": 18, "72dpi": 7, "73": 18, "73257": 16, "74": 18, "75": [9, 18], "7581382": 16, "76": 18, "77": 18, "772": 12, "772875": 16, "78": 18, "785": 12, "79": 18, "793533": 16, "796": 16, "798": 12, "7m": 18, "8": [8, 9, 18], "80": 18, "800": [8, 10, 16, 18], "81": 18, "82": 18, "83": 18, "84": 18, "849": 16, "85": 18, "8564453125": 18, "857": 18, "85875": 16, "86": 18, "8603515625": 18, "87": 18, "8707": 16, "88": 18, "89": 18, "9": [3, 18], "90": 18, "90k": 6, "90kdict32px": 6, "91": 18, "914085328578949": 18, "92": 18, "93": 18, "94": [6, 18], "95": [10, 18], "9578408598899841": 18, "96": 18, "98": 18, "99": 18, "9949972033500671": 18, "A": [1, 2, 4, 6, 7, 8, 11, 17], "As": 2, "Be": 18, "Being": 1, "By": 13, "For": [1, 2, 3, 12, 18], "If": [2, 7, 8, 12, 18], "In": [2, 6, 16], "It": [9, 14, 15, 17], "Its": [4, 8], "No": [1, 18], "Of": 6, "Or": 15, "The": [1, 2, 6, 7, 10, 13, 15, 18], "Then": 8, "To": [2, 3, 13, 14, 15, 18], "_": [1, 6, 8], "__call__": 18, "_build": 2, "_i": 10, "ab": 6, "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 6, "abdef": [6, 16], "abl": [16, 18], "about": [1, 16, 18], "abov": 18, "abstractdataset": 6, "abus": 1, "accept": 1, "access": [4, 7, 16, 18], "account": [1, 14], "accur": 18, "accuraci": 10, "achiev": 17, "act": 1, "action": 1, "activ": 4, "ad": [2, 8, 9], "adapt": 1, "add": [9, 10, 14, 18], "add_hook": 18, "add_label": 10, "addit": [2, 3, 7, 15], "addition": [2, 18], "address": [1, 7], "adjust": 9, "advanc": 1, "advantag": 17, "advis": 2, "aesthet": [4, 6], "affect": 1, "after": [14, 18], "ag": 1, "again": 8, "aggreg": [10, 16], "aggress": 1, "align": [1, 7], "all": [1, 2, 5, 6, 7, 9, 10, 15, 16, 18], "allow": 1, "along": 18, "alreadi": 2, "also": [1, 8, 14, 15, 16, 18], "alwai": 16, "an": [1, 2, 4, 6, 7, 8, 10, 15, 17, 18], "analysi": [7, 15], "ancient_greek": 6, "angl": [7, 9], "ani": [1, 6, 7, 8, 9, 10, 18], "annot": 6, "anot": 16, "anoth": [8, 12, 16], "answer": 1, "anyascii": 10, "anyon": 4, "anyth": 15, "api": [2, 4], "apolog": 1, "apologi": 1, "app": 2, "appear": 1, "appli": [1, 6, 9], "applic": [4, 8], "appoint": 1, "appreci": 14, "appropri": [1, 2, 18], "ar": [1, 2, 3, 5, 6, 7, 9, 10, 11, 15, 16, 18], "arab": 6, "arabic_diacrit": 6, "arabic_lett": 6, "arabic_punctu": 6, "arbitrarili": [4, 8], "arch": [8, 14], "architectur": [4, 8, 14, 15], "area": 18, "argument": [6, 7, 8, 10, 18], "around": 1, "arrai": [7, 9, 10], "art": [4, 15], "artefact": [10, 11, 15, 18], "artefact_typ": 7, "artifici": [4, 6], "arxiv": [6, 8], "asarrai": 10, "ascii_lett": 6, "aspect": [4, 8, 9, 18], "assess": 10, "assign": 10, "associ": 7, "assum": 8, "assume_straight_pag": [8, 18], "astyp": [8, 10, 18], "attack": 1, "attend": [4, 8], "attent": [1, 8], "autom": 4, "automat": 18, "autoregress": [4, 8], "avail": [1, 4, 5, 9], "averag": [9, 18], "avoid": [1, 3], "aw": [4, 18], "awar": 18, "azur": 18, "b": [8, 10, 18], "b_j": 10, "back": 2, "backbon": 8, "backend": 18, "background": 16, "bar": 15, "bar_cod": 16, "base": [4, 8, 15], "baselin": [4, 8, 18], "batch": [6, 8, 9, 15, 16, 18], "batch_siz": [6, 12, 15, 16, 17], "bblanchon": 3, "bbox": 18, "becaus": 13, "been": [2, 10, 16, 18], "befor": [6, 8, 9, 18], "begin": 10, "behavior": [1, 18], "being": [10, 18], "belong": 18, "benchmark": 18, "best": 1, "better": [11, 18], "between": [9, 10, 18], "bgr": 7, "bilinear": 9, "bin_thresh": 18, "binar": [4, 8, 18], "binari": [7, 17, 18], "bit": 17, "block": [10, 18], "block_1_1": 18, "blur": 9, "bmvc": 6, "bn": 14, "bodi": [1, 18], "bool": [6, 7, 8, 9, 10], "boolean": [8, 18], "both": [4, 6, 9, 16, 18], "bottom": [8, 18], "bound": [6, 7, 8, 9, 10, 15, 18], "box": [6, 7, 8, 9, 10, 15, 16, 18], "box_thresh": 18, "bright": 9, "browser": [2, 4], "build": [2, 3], "built": 2, "byte": [7, 18], "c": [3, 7, 10], "c_j": 10, "cach": [2, 6, 13], "cache_sampl": 6, "callabl": [6, 9], "can": [2, 3, 12, 13, 14, 15, 16, 18], "capabl": [2, 11, 18], "case": [6, 10], "cf": 18, "cfg": 18, "challeng": 6, "challenge2_test_task12_imag": 6, "challenge2_test_task1_gt": 6, "challenge2_training_task12_imag": 6, "challenge2_training_task1_gt": 6, "chang": [13, 18], "channel": [1, 2, 7, 9], "channel_prior": 3, "channelshuffl": 9, "charact": [4, 6, 7, 10, 16, 18], "charactergener": [6, 16], "characterist": 1, "charg": 18, "charset": 18, "chart": 7, "check": [2, 14, 18], "checkpoint": 8, "chip": 3, "ci": 2, "clarifi": 1, "clariti": 1, "class": [1, 6, 7, 9, 10, 18], "class_nam": 12, "classif": 16, "classif_mobilenet_v3_smal": 8, "classmethod": 7, "clear": 2, "clone": 3, "close": 2, "co": 14, "code": [4, 7, 15], "codecov": 2, "colab": 11, "collate_fn": 6, "collect": [7, 15], "color": 9, "colorinvers": 9, "column": 7, "com": [1, 3, 7, 8, 14], "combin": 18, "come": 17, "command": [2, 15], "comment": 1, "commit": 1, "common": [1, 9, 10, 17], "commun": 1, "compar": 4, "comparison": [10, 18], "competit": 6, "compil": [11, 18], "complaint": 1, "complementari": 10, "complet": 2, "compon": 18, "compos": [6, 18], "comprehens": 18, "comput": [6, 10, 17, 18], "conf_threshold": 15, "confid": [7, 18], "config": [3, 8], "configur": 8, "confus": 10, "consecut": [9, 18], "consequ": 1, "consid": [1, 2, 6, 7, 10, 18], "consist": 18, "consolid": [4, 6], "constant": 9, "construct": 1, "contact": 1, "contain": [5, 6, 16], "content": [6, 7, 18], "context": 8, "contib": 3, "continu": 1, "contrast": 9, "contrast_factor": 9, "contrib": [3, 15], "contribut": 1, "contributor": 2, "convers": 7, "convert": [7, 9], "convolut": 8, "coordin": [7, 18], "cord": [4, 6, 16, 18], "core": [10, 18], "corner": 18, "correct": 9, "correspond": [3, 7, 18], "could": [1, 15], "counterpart": 10, "cover": 2, "coverag": 2, "cpu": [4, 12], "creat": 14, "crnn": [4, 8, 14], "crnn_mobilenet_v3_larg": [8, 14, 18], "crnn_mobilenet_v3_smal": [8, 17, 18], "crnn_vgg16_bn": [8, 12, 14, 18], "crop": [7, 8, 9, 16, 18], "crop_orient": [7, 18], "crop_orientation_predictor": 8, "cuda": 17, "currenc": 6, "current": [2, 18], "custom": [14, 15, 18], "customhook": 18, "cvit": 4, "czczup": 8, "czech": 6, "d": [6, 16], "danish": 6, "data": [4, 6, 7, 9, 10, 12, 14], "dataload": 16, "dataset": [8, 12, 18], "dataset_info": 6, "date": [12, 18], "db": 14, "db_mobilenet_v3_larg": [8, 14, 18], "db_resnet34": 18, "db_resnet50": [8, 12, 14, 18], "dbnet": [4, 8], "decis": 1, "decod": 7, "decode_img_as_tensor": 7, "deem": 1, "deep": [8, 18], "def": 18, "default": [3, 7, 12, 13, 18], "defer": 16, "defin": [10, 17], "degre": [7, 9], "degress": 7, "delet": 2, "delimit": 18, "delta": 9, "demo": [2, 4], "demonstr": 1, "depend": [2, 3, 4, 18], "deploi": 2, "deploy": 4, "derogatori": 1, "describ": 8, "descript": 11, "design": 9, "desir": 7, "det_arch": [8, 12, 14, 17], "det_b": 18, "det_model": [12, 14], "det_param": 12, "det_predictor": [12, 18], "detail": [12, 18], "detect": [6, 10, 11, 12, 15], "detect_languag": 8, "detect_orient": 8, "detection_predictor": [8, 18], "detectiondataset": [6, 16], "detectionmetr": 10, "detectionpredictor": [8, 12], "detector": [4, 8, 15], "deterior": 8, "determin": 1, "dev": [2, 13], "develop": 3, "deviat": 9, "devic": 17, "dict": [7, 10, 18], "dictionari": [7, 10], "differ": 1, "differenti": [4, 8], "digit": [4, 6, 16], "dimens": [7, 10, 18], "dimension": 9, "direct": 6, "directli": [14, 18], "directori": [2, 13], "disabl": [1, 13, 18], "disclaim": 18, "discuss": 2, "disparag": 1, "displai": [7, 10], "display_artefact": 10, "distribut": 9, "div": 18, "divers": 1, "divid": 7, "do": [2, 3, 8], "doc": [2, 7, 15, 17, 18], "docartefact": [6, 16], "docstr": 2, "doctr": [3, 12, 13, 14, 15, 16, 18], "doctr_cache_dir": 13, "doctr_multiprocessing_dis": 13, "document": [6, 8, 10, 11, 15, 16, 18], "documentbuild": 18, "documentfil": [7, 14, 15], "don": [12, 18], "done": 9, "download": [6, 16], "downsiz": 8, "draw": 9, "drop": 6, "drop_last": 6, "dtype": [7, 8, 9, 10, 17], "dual": [4, 6], "dummi": 14, "dummy_img": 18, "dummy_input": 17, "dure": 1, "dutch": 6, "dynam": [6, 15], "dynamic_seq_length": 6, "e": [1, 2, 3, 7, 8], "each": [4, 6, 7, 8, 9, 10, 16, 18], "eas": 2, "easi": [4, 10, 14], "easili": [7, 10, 12, 14, 16, 18], "econom": 1, "edit": 1, "educ": 1, "effici": [2, 4, 6, 8], "either": [10, 18], "element": [6, 7, 8, 18], "els": [2, 15], "email": 1, "empathi": 1, "en": 18, "enabl": [6, 7], "enclos": 7, "encod": [4, 6, 7, 8, 18], "encode_sequ": 6, "encount": 2, "encrypt": 7, "end": [4, 6, 8, 10], "english": [6, 16], "enough": [2, 18], "ensur": 2, "entri": 6, "environ": [1, 13], "eo": 6, "equiv": 18, "estim": 8, "etc": [7, 15], "ethnic": 1, "evalu": [16, 18], "event": 1, "everyon": 1, "everyth": [2, 18], "exact": [10, 18], "exampl": [1, 2, 4, 6, 8, 14, 18], "exchang": 17, "execut": 18, "exist": 14, "expand": 9, "expect": [7, 9, 10], "experi": 1, "explan": [1, 18], "explicit": 1, "exploit": [4, 8], "export": [7, 8, 10, 11, 15, 18], "export_as_straight_box": [8, 18], "export_as_xml": 18, "export_model_to_onnx": 17, "express": [1, 9], "extens": 7, "extern": [1, 16], "extract": [4, 6], "extractor": 8, "f_": 10, "f_a": 10, "factor": 9, "fair": 1, "fairli": 1, "fals": [6, 7, 8, 9, 10, 12, 18], "faq": 1, "fascan": 14, "fast": [4, 6, 8], "fast_bas": [8, 18], "fast_smal": [8, 18], "fast_tini": [8, 18], "faster": [4, 8, 17], "fasterrcnn_mobilenet_v3_large_fpn": 8, "favorit": 18, "featur": [3, 8, 10, 11, 15], "feedback": 1, "feel": [2, 14], "felix92": 14, "few": [17, 18], "figsiz": 10, "figur": [10, 15], "file": [2, 6], "final": 8, "find": [2, 16], "finnish": 6, "first": [2, 6], "firsthand": 6, "fit": [8, 18], "flag": 18, "flip": 9, "float": [7, 9, 10, 17], "float32": [7, 8, 9, 17], "fn": 9, "focu": 14, "focus": [1, 6], "folder": 6, "follow": [1, 2, 3, 6, 9, 10, 12, 13, 14, 15, 18], "font": 6, "font_famili": 6, "foral": 10, "forc": 2, "forg": 3, "form": [4, 6, 18], "format": [7, 10, 12, 16, 17, 18], "forpost": [4, 6], "forum": 2, "fp16": 17, "frac": 10, "framework": [3, 14, 16, 18], "free": [1, 2, 14], "french": [6, 12, 14, 18], "friendli": 4, "from": [1, 4, 6, 7, 8, 9, 10, 11, 12, 15, 16, 17, 18], "from_hub": [8, 14], "from_imag": [7, 14, 15], "from_pdf": 7, "from_url": 7, "full": [6, 10, 18], "function": [6, 9, 10, 15], "funsd": [4, 6, 16, 18], "further": 16, "futur": 6, "g": [7, 8], "g_": 10, "g_x": 10, "gamma": 9, "gaussian": 9, "gaussianblur": 9, "gaussiannois": 9, "gen": 18, "gender": 1, "gener": [2, 4, 7, 8], "geometri": [4, 7, 18], "geq": 10, "german": [6, 12, 14], "get": 18, "git": 14, "github": [2, 3, 8, 14], "give": [1, 15], "given": [6, 7, 9, 10, 18], "global": 8, "go": 18, "good": 17, "googl": 2, "googlevis": 4, "gpu": [4, 15, 17], "gracefulli": 1, "graph": [4, 6, 7], "grayscal": 9, "ground": 10, "groung": 10, "group": [4, 18], "gt": 10, "gt_box": 10, "gt_label": 10, "guid": 2, "guidanc": 16, "gvision": 18, "h": [7, 8, 9], "h_": 10, "ha": [2, 6, 10, 16], "handl": [16, 18], "handwrit": 6, "handwritten": 16, "harass": 1, "hardwar": 18, "harm": 1, "hat": 10, "have": [1, 2, 10, 12, 14, 16, 18], "head": [8, 18], "healthi": 1, "hebrew": 6, "height": 7, "hello": [10, 18], "help": 17, "here": [5, 9, 11, 15, 16, 18], "hf": 8, "hf_hub_download": 8, "high": 7, "higher": [3, 6, 18], "hindi_digit": 6, "hocr": 18, "hook": 18, "horizont": [7, 9], "hous": 6, "how": [2, 12, 14, 16], "howev": 16, "hsv": 9, "html": [1, 2, 3, 7, 18], "http": [1, 3, 6, 7, 8, 14, 18], "hub": 8, "hue": 9, "huggingfac": 8, "hw": 6, "i": [1, 2, 6, 7, 8, 9, 10, 13, 14, 15, 16, 17], "i7": 18, "ic03": [4, 6, 16], "ic13": [4, 6, 16], "icdar": [4, 6], "icdar2019": 6, "id": 18, "ident": 1, "identifi": 4, "iiit": [4, 6], "iiit5k": [6, 16], "iiithw": [4, 6, 16], "imag": [4, 6, 7, 8, 9, 10, 14, 15, 16, 18], "imagenet": 8, "imageri": 1, "images_90k_norm": 6, "img": [6, 9, 16], "img_cont": 7, "img_fold": [6, 16], "img_path": 7, "img_transform": 6, "imgur5k": [4, 6, 16], "imgur5k_annot": 6, "imlist": 6, "impact": 1, "implement": [6, 7, 8, 9, 10, 18], "import": [6, 7, 8, 9, 10, 12, 14, 15, 16, 17, 18], "improv": 8, "inappropri": 1, "incid": 1, "includ": [1, 6, 16, 17], "inclus": 1, "increas": 9, "index": [2, 7], "indic": 10, "individu": 1, "infer": [4, 8, 9, 15], "inform": [1, 2, 4, 6, 16], "input": [2, 7, 8, 9, 17, 18], "input_crop": 8, "input_pag": [8, 10, 18], "input_shap": 17, "input_tensor": 8, "inspir": [1, 9], "instal": [14, 15], "instanc": [1, 18], "instanti": [8, 18], "instead": [6, 7, 8], "insult": 1, "int": [6, 7, 9], "int64": [9, 10], "integ": 10, "integr": [4, 14, 16], "intel": 18, "interact": [1, 7, 10], "interfac": 14, "interoper": 17, "interpol": 9, "interpret": [6, 7], "intersect": 10, "invert": 9, "investig": 1, "invis": 1, "involv": [1, 18], "io": [14, 15], "iou": 10, "iou_thresh": 10, "iou_threshold": 15, "irregular": [4, 8, 16], "isn": 6, "issu": [1, 2, 14], "italian": 6, "iter": [6, 9, 16, 18], "its": [7, 8, 9, 10, 16, 18], "itself": [8, 14], "j": 10, "job": 2, "join": 2, "jpeg": 9, "jpegqual": 9, "jpg": [6, 7, 14], "json": [6, 16, 18], "json_output": 18, "jump": 2, "just": 1, "kei": [4, 6], "kera": [8, 17], "kernel": [4, 8, 9], "kernel_shap": 9, "keywoard": 8, "keyword": [6, 7, 8, 10], "kie": [8, 12], "kie_predictor": [8, 12], "kiepredictor": 8, "kind": 1, "know": 2, "kwarg": [6, 7, 8, 10], "l": 10, "l_j": 10, "label": [6, 9, 10, 15, 16], "label_fil": [6, 16], "label_fold": 6, "label_path": [6, 16], "labels_path": [6, 16], "ladder": 1, "lambda": 9, "lambdatransform": 9, "lang": 18, "languag": [1, 4, 6, 7, 8, 14, 18], "larg": [8, 14], "largest": 10, "last": [3, 6], "latenc": 8, "later": 2, "latest": 18, "latin": 6, "layer": 17, "layout": 18, "lead": 1, "leader": 1, "learn": [1, 4, 8, 17, 18], "least": 3, "left": [10, 18], "legacy_french": 6, "length": [6, 18], "less": [17, 18], "level": [1, 6, 10, 18], "leverag": 11, "lf": 14, "librari": [2, 3, 11, 12], "light": 4, "like": 1, "limits_": 10, "line": [4, 8, 10, 18], "line_1_1": 18, "link": 12, "linknet": [4, 8], "linknet_resnet18": [8, 12, 18], "linknet_resnet34": [8, 17, 18], "linknet_resnet50": [8, 18], "list": [6, 7, 9, 10, 14], "ll": 10, "load": [4, 6, 8, 15], "load_state_dict": 12, "load_weight": 12, "loc_pr": 18, "local": [2, 4, 6, 8, 10, 16, 18], "localis": 6, "localizationconfus": 10, "locat": [2, 7, 18], "login": 8, "login_to_hub": [8, 14], "logo": [7, 15, 16], "love": 14, "lower": [9, 10, 18], "m": [2, 10, 18], "m1": 3, "macbook": 3, "machin": 17, "made": 4, "magc_resnet31": 8, "mai": [1, 2], "mail": 1, "main": 11, "maintain": 4, "mainten": 2, "make": [1, 2, 10, 13, 14, 17, 18], "mani": [16, 18], "manipul": 18, "map": [6, 8], "map_loc": 12, "master": [4, 8, 18], "match": [10, 18], "mathcal": 10, "matplotlib": [7, 10], "max": [6, 9, 10], "max_angl": 9, "max_area": 9, "max_char": [6, 16], "max_delta": 9, "max_gain": 9, "max_gamma": 9, "max_qual": 9, "max_ratio": 9, "maximum": [6, 9], "maxval": [8, 9], "mbox": 10, "mean": [9, 10, 12], "meaniou": 10, "meant": [7, 17], "measur": 18, "media": 1, "median": 8, "meet": 12, "member": 1, "memori": [13, 17], "mention": 18, "merg": 6, "messag": 2, "meta": 18, "metadata": 17, "metal": 3, "method": [7, 9, 18], "metric": [10, 18], "middl": 18, "might": [17, 18], "min": 9, "min_area": 9, "min_char": [6, 16], "min_gain": 9, "min_gamma": 9, "min_qual": 9, "min_ratio": 9, "min_val": 9, "minde": [1, 3, 4, 8], "minim": [2, 4], "minimalist": [4, 8], "minimum": [3, 6, 9, 10, 18], "minval": 9, "miss": 3, "mistak": 1, "mixed_float16": 17, "mixed_precis": 17, "mjsynth": [4, 6, 16], "mnt": 6, "mobilenet": [8, 14], "mobilenet_v3_larg": 8, "mobilenet_v3_large_r": 8, "mobilenet_v3_smal": 8, "mobilenet_v3_small_crop_orient": 8, "mobilenet_v3_small_r": 8, "mobilenetv3": 8, "modal": [4, 6], "mode": 3, "model": [6, 10, 13, 15, 16], "model_nam": [8, 14, 17], "model_path": [15, 17], "moder": 1, "modif": 2, "modifi": [8, 13, 18], "modul": [3, 7, 8, 9, 10, 18], "more": [2, 16, 18], "most": 18, "mozilla": 1, "multi": [4, 8], "multilingu": [6, 14], "multipl": [6, 7, 9, 18], "multipli": 9, "multiprocess": 13, "my": 8, "my_awesome_model": 14, "my_hook": 18, "n": [6, 10], "name": [6, 8, 17, 18], "nation": 1, "natur": [1, 4, 6], "ndarrai": [6, 7, 9, 10], "necessari": [3, 12, 13], "need": [2, 3, 6, 10, 12, 13, 14, 15, 18], "neg": 9, "nest": 18, "network": [4, 6, 8, 17], "neural": [4, 6, 8, 17], "new": [2, 10], "next": [6, 16], "nois": 9, "noisi": [4, 6], "non": [4, 6, 7, 8, 9, 10], "none": [6, 7, 8, 9, 10, 18], "normal": [8, 9], "norwegian": 6, "note": [0, 2, 6, 8, 14, 15, 17], "now": 2, "np": [8, 9, 10, 18], "num_output_channel": 9, "num_sampl": [6, 16], "num_work": 6, "number": [6, 9, 10, 18], "numpi": [7, 8, 10, 18], "o": 3, "obb": 15, "obj_detect": 14, "object": [6, 10, 11, 15, 18], "oblig": 1, "obtain": 18, "occupi": 17, "ocr": [4, 6, 8, 10, 14, 16], "ocr_carea": 18, "ocr_db_crnn": 10, "ocr_lin": 18, "ocr_pag": 18, "ocr_par": 18, "ocr_predictor": [8, 12, 14, 17, 18], "ocrdataset": [6, 16], "ocrmetr": 10, "ocrpredictor": [8, 12], "ocrx_word": 18, "offens": 1, "offici": [1, 8], "offlin": 1, "offset": 9, "onc": 18, "one": [2, 6, 8, 9, 12, 14, 18], "oneof": 9, "ones": [6, 9, 10], "onli": [2, 8, 9, 10, 14, 16, 17, 18], "onlin": 1, "onnx": 15, "onnxruntim": 15, "opac": 9, "opacity_rang": 9, "open": [1, 2, 14, 17], "opinion": 1, "optic": [4, 18], "optim": [4, 18], "option": [6, 8, 12], "order": [2, 6, 7, 9], "org": [1, 6, 8, 18], "organ": 7, "orient": [1, 7, 8, 15, 18], "orientationpredictor": 8, "other": [1, 2], "otherwis": [1, 7, 10], "our": [2, 8, 18], "out": [2, 8, 9, 10, 18], "outpout": 18, "output": [7, 9, 17], "output_s": [7, 9], "outsid": 13, "over": [6, 10, 18], "overal": [1, 8], "overlai": 7, "overview": 15, "overwritten": 14, "own": 4, "p": [9, 18], "packag": [2, 4, 10, 13, 15, 16], "pad": [6, 8, 9, 18], "page": [3, 6, 8, 10, 18], "page1": 7, "page2": 7, "page_1": 18, "page_idx": [7, 18], "pair": 10, "paper": 8, "par_1_1": 18, "paragraph": 18, "paragraph_break": 18, "param": [9, 18], "paramet": [4, 7, 8, 17], "pars": [4, 6], "parseq": [4, 8, 14, 18], "part": [6, 9, 18], "parti": 3, "partial": 18, "particip": 1, "pass": [6, 7, 8, 18], "password": 7, "patch": [8, 10], "path": [6, 7, 15, 16], "path_to_checkpoint": 12, "path_to_pt": 12, "pattern": 1, "pdf": [7, 8, 11], "pdfpage": 7, "peopl": 1, "per": [9, 18], "perform": [4, 7, 8, 9, 10, 13, 17, 18], "period": 1, "permiss": 1, "permut": [4, 8], "persian_lett": 6, "person": [1, 16], "phase": 18, "photo": 16, "physic": [1, 7], "pick": 9, "pictur": 7, "pip": [2, 3, 15], "pipelin": 18, "pixel": [7, 9, 18], "pleas": 2, "plot": 10, "plt": 10, "plug": 14, "plugin": 3, "png": 7, "point": 17, "polici": 13, "polish": 6, "polit": 1, "polygon": [6, 10, 18], "pool": 8, "portugues": 6, "posit": [1, 10], "possibl": [2, 10, 14, 18], "post": [1, 18], "postprocessor": 18, "potenti": 8, "power": 4, "ppageno": 18, "pre": [2, 8], "precis": [10, 18], "pred": 10, "pred_box": 10, "pred_label": 10, "predefin": 16, "predict": [7, 8, 10, 18], "predictor": [4, 7, 8, 12, 14, 17], "prefer": 16, "preinstal": 3, "preprocessor": [12, 18], "prerequisit": 14, "present": 11, "preserv": [8, 9, 18], "preserve_aspect_ratio": [7, 8, 9, 12, 18], "pretrain": [4, 8, 10, 12, 17, 18], "pretrained_backbon": [8, 12], "print": 18, "prior": 6, "privaci": 1, "privat": 1, "probabl": 9, "problem": 2, "procedur": 9, "process": [2, 4, 7, 12, 18], "processor": 18, "produc": [11, 18], "product": 17, "profession": 1, "project": [2, 16], "promptli": 1, "proper": 2, "properli": 6, "provid": [1, 2, 4, 14, 15, 16, 18], "public": [1, 4], "publicli": 18, "publish": 1, "pull": 14, "punctuat": 6, "pure": 6, "purpos": 2, "push_to_hf_hub": [8, 14], "py": 14, "pypdfium2": [3, 7], "pyplot": [7, 10], "python": [2, 15], "python3": 14, "pytorch": [3, 4, 8, 9, 12, 14, 17, 18], "q": 2, "qr": [7, 15], "qr_code": 16, "qualiti": 9, "question": 1, "quickli": 4, "quicktour": 11, "r": 18, "race": 1, "ramdisk": 6, "rand": [8, 9, 10, 17, 18], "random": [8, 9, 10, 18], "randomappli": 9, "randombright": 9, "randomcontrast": 9, "randomcrop": 9, "randomgamma": 9, "randomhorizontalflip": 9, "randomhu": 9, "randomjpegqu": 9, "randomli": 9, "randomrot": 9, "randomsatur": 9, "randomshadow": 9, "rang": 9, "rassi": 14, "ratio": [8, 9, 18], "raw": [7, 10], "re": 17, "read": [4, 6, 8], "read_html": 7, "read_img_as_numpi": 7, "read_img_as_tensor": 7, "read_pdf": 7, "readi": 17, "real": [4, 8, 9], "reason": [1, 4, 6], "rebuild": 2, "rebuilt": 2, "recal": [10, 18], "receipt": [4, 6, 18], "reco_arch": [8, 12, 14, 17], "reco_b": 18, "reco_model": [12, 14], "reco_param": 12, "reco_predictor": 12, "recogn": 18, "recognit": [6, 10, 12], "recognition_predictor": [8, 18], "recognition_task": [6, 16], "recognitiondataset": [6, 16], "recognitionpredictor": [8, 12], "rectangular": 8, "reduc": [3, 9], "refer": [2, 3, 12, 14, 15, 16, 18], "regardless": 1, "region": 18, "regroup": 10, "regular": 16, "reject": 1, "rel": [7, 9, 10, 18], "relat": 7, "releas": [0, 3], "relev": 15, "religion": 1, "remov": 1, "render": [7, 18], "repo": 8, "repo_id": [8, 14], "report": 1, "repositori": [6, 8, 14], "repres": [1, 17, 18], "represent": [4, 8], "request": [1, 14], "requir": [3, 9], "research": 4, "residu": 8, "resiz": [9, 18], "resnet": 8, "resnet18": [8, 14], "resnet31": 8, "resnet34": 8, "resnet50": [8, 14], "resolv": 7, "resolve_block": 18, "resolve_lin": 18, "resourc": 16, "respect": 1, "rest": [2, 9, 10], "restrict": 13, "result": [2, 6, 7, 11, 14, 18], "return": 18, "reusabl": 18, "review": 1, "rgb": [7, 9], "rgb_mode": 7, "rgb_output": 7, "right": [1, 8, 10], "robust": [4, 6], "root": 6, "rotat": [6, 7, 8, 9, 10, 16, 18], "run": [2, 3, 8], "same": [2, 7, 10, 16, 18], "sampl": [6, 16, 18], "sample_transform": 6, "sar": [4, 8], "sar_resnet31": [8, 18], "satur": 9, "save": [8, 16], "scale": [7, 8, 9, 10], "scan": [4, 6], "scene": [4, 6, 8], "score": 10, "script": [2, 16], "seamless": 4, "seamlessli": [4, 18], "search": 8, "searchabl": 11, "sec": 18, "second": 18, "section": [12, 14, 15, 17, 18], "secur": [1, 13], "see": [1, 2], "seen": 18, "segment": [4, 8, 18], "self": 18, "semant": [4, 8], "send": 18, "sens": 10, "sensit": 16, "separ": 18, "sequenc": [4, 6, 7, 8, 10, 18], "sequenti": [9, 18], "seri": 1, "seriou": 1, "set": [1, 3, 6, 8, 10, 13, 15, 18], "set_global_polici": 17, "sever": [7, 9, 18], "sex": 1, "sexual": 1, "shade": 9, "shape": [4, 7, 8, 9, 10, 18], "share": [13, 16], "shift": 9, "shm": 13, "should": [2, 6, 7, 9, 10], "show": [4, 7, 8, 10, 12, 14, 15], "showcas": 2, "shuffl": [6, 9], "side": 10, "signatur": 7, "signific": 16, "simpl": [4, 8], "simpler": 8, "sinc": [6, 16], "singl": [1, 2, 4, 6], "size": [1, 6, 7, 9, 15, 18], "skew": 18, "slack": 2, "slightli": 8, "small": [2, 8], "smallest": 7, "snapshot_download": 8, "snippet": 18, "so": [2, 3, 6, 8, 14, 16], "social": 1, "socio": 1, "some": [3, 11, 14, 16], "someth": 2, "somewher": 2, "soon": 17, "sort": 1, "sourc": [6, 7, 8, 9, 10, 14], "space": [1, 18], "span": 18, "spanish": 6, "spatial": [4, 6, 7], "specif": [2, 3, 10, 12, 16, 18], "specifi": [1, 6, 7], "speed": [4, 8], "sphinx": 2, "sroie": [4, 6, 16], "stabl": 3, "stackoverflow": 2, "stage": 4, "standard": 9, "start": 6, "state": [4, 10, 15], "static": 10, "statu": 1, "std": [9, 12], "step": 13, "still": 18, "str": [6, 7, 8, 9, 10], "straight": [6, 8, 16, 18], "straighten_pag": 8, "stream": 7, "street": [4, 6], "strict": 3, "strictli": 10, "string": [6, 7, 10, 18], "strive": 3, "strong": [4, 8], "structur": [17, 18], "subset": [6, 18], "suggest": [2, 14], "sum": 10, "summari": 10, "support": [3, 15, 17, 18], "sustain": 1, "svhn": [4, 6, 16], "svt": [6, 16], "swedish": 6, "symmetr": [8, 9, 18], "symmetric_pad": [8, 9, 18], "synthet": 4, "synthtext": [4, 6, 16], "system": 18, "t": [2, 6, 12, 18], "tabl": [14, 15], "take": [1, 6, 18], "target": [6, 7, 9, 10, 16], "target_s": 6, "task": [4, 6, 8, 14, 16, 18], "task2": 6, "team": 3, "techminde": 3, "templat": [2, 4], "tensor": [6, 7, 9, 18], "tensorflow": [3, 4, 7, 8, 9, 12, 14, 17, 18], "tensorspec": 17, "term": 1, "test": [6, 16], "test_set": 6, "text": [6, 7, 8, 10, 16], "text_output": 18, "textmatch": 10, "textnet": 8, "textnet_bas": 8, "textnet_smal": 8, "textnet_tini": 8, "textract": [4, 18], "textstylebrush": [4, 6], "textual": [4, 6, 7, 8, 18], "tf": [3, 7, 8, 9, 14, 17], "than": [2, 10, 14], "thank": 2, "thei": [1, 10], "them": [6, 18], "thi": [1, 2, 3, 5, 6, 10, 12, 13, 14, 16, 17, 18], "thing": [17, 18], "third": 3, "those": [1, 7, 18], "threaten": 1, "threshold": 18, "through": [1, 9, 15, 16], "tilman": 14, "time": [1, 4, 8, 10, 16], "tini": 8, "titl": [7, 18], "tm": 18, "tmp": 13, "togeth": [2, 7], "tograi": 9, "tool": 16, "top": [10, 18], "topic": 2, "torch": [3, 9, 12, 14, 17], "torchvis": 9, "total": 12, "toward": [1, 3], "train": [2, 6, 8, 9, 14, 15, 16, 17, 18], "train_it": [6, 16], "train_load": [6, 16], "train_pytorch": 14, "train_set": [6, 16], "train_tensorflow": 14, "trainabl": [4, 8], "tranform": 9, "transcrib": 18, "transfer": [4, 6], "transfo": 9, "transform": [4, 6, 8], "translat": 1, "troll": 1, "true": [6, 7, 8, 9, 10, 12, 13, 14, 16, 17, 18], "truth": 10, "tune": 17, "tupl": [6, 7, 9, 10], "two": [7, 13], "txt": 6, "type": [7, 10, 14, 17, 18], "typic": 18, "u": [1, 2], "ucsd": 6, "udac": 2, "uint8": [7, 8, 10, 18], "unaccept": 1, "underli": [16, 18], "underneath": 7, "understand": [4, 6, 18], "uniform": [8, 9], "uniformli": 9, "uninterrupt": [7, 18], "union": 10, "unittest": 2, "unlock": 7, "unoffici": 8, "unprofession": 1, "unsolicit": 1, "unsupervis": 4, "unwelcom": 1, "up": [8, 18], "updat": 10, "upgrad": 2, "upper": [6, 9], "uppercas": 16, "url": 7, "us": [1, 2, 3, 6, 8, 10, 12, 13, 14, 15, 18], "usabl": 18, "usag": [13, 17], "use_polygon": [6, 10, 16], "useabl": 18, "user": [4, 7, 11], "utf": 18, "util": 17, "v1": 14, "v3": [8, 14, 18], "valid": 16, "valu": [2, 7, 9, 18], "valuabl": 4, "variabl": 13, "varieti": 6, "veri": 8, "version": [1, 2, 3, 17, 18], "vgg": 8, "vgg16": 14, "vgg16_bn_r": 8, "via": 1, "vietnames": 6, "view": [4, 6], "viewpoint": 1, "violat": 1, "visibl": 1, "vision": [4, 6, 8], "visiondataset": 6, "visiontransform": 8, "visual": [3, 4, 15], "visualize_pag": 10, "vit_": 8, "vit_b": 8, "vitstr": [4, 8, 17], "vitstr_bas": [8, 18], "vitstr_smal": [8, 12, 17, 18], "viz": 3, "vocab": [12, 14, 16, 18], "vocabulari": [6, 12, 14], "w": [7, 8, 9, 10], "w3": 18, "wa": 1, "wai": [1, 4, 16], "want": [2, 17, 18], "warmup": 18, "wasn": 2, "we": [1, 2, 3, 4, 7, 9, 14, 16, 17, 18], "weasyprint": 7, "web": [2, 7], "websit": 6, "weight": 12, "welcom": 1, "well": [1, 17], "were": [1, 7, 18], "what": 1, "when": [1, 2, 8], "whenev": 2, "where": [2, 7, 9, 10], "whether": [2, 6, 7, 9, 10, 16, 18], "which": [1, 8, 13, 15, 16, 18], "whichev": 3, "while": [9, 18], "why": 1, "width": 7, "wiki": 1, "wildreceipt": [4, 6, 16], "window": [8, 10], "wish": 2, "within": 1, "without": [1, 6, 8], "wonder": 2, "word": [4, 6, 8, 10, 18], "word_1_1": 18, "word_1_2": 18, "word_1_3": 18, "wordgener": [6, 16], "words_onli": 10, "work": [13, 18], "worker": 6, "workflow": 2, "worklow": 2, "world": [10, 18], "worth": 8, "wrap": 18, "wrapper": [6, 9], "write": 13, "written": [1, 7], "www": [1, 7, 18], "x": [7, 9, 10], "x_ascend": 18, "x_descend": 18, "x_i": 10, "x_size": 18, "x_wconf": 18, "xhtml": 18, "xmax": 7, "xmin": 7, "xml": 18, "xml_bytes_str": 18, "xml_element": 18, "xml_output": 18, "xmln": 18, "y": 10, "y_i": 10, "y_j": 10, "yet": 15, "ymax": 7, "ymin": 7, "yolov8": 15, "you": [2, 3, 6, 7, 8, 12, 13, 14, 15, 16, 17, 18], "your": [2, 4, 7, 10, 18], "yoursit": 7, "zero": [9, 10], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": 6, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": 6, "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": 6, "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": 6, "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": 6, "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": 6, "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": 6, "\u00e4\u00f6\u00e4\u00f6": 6, "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": 6, "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": 6, "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": 6, "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": 6, "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": 6, "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": 6, "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": 6, "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": 6, "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": 6, "\u067e\u0686\u06a2\u06a4\u06af": 6}, "titles": ["Changelog", "Contributor Covenant Code of Conduct", "Contributing to docTR", "Installation", "docTR: Document Text Recognition", "doctr.contrib", "doctr.datasets", "doctr.io", "doctr.models", "doctr.transforms", "doctr.utils", "docTR Notebooks", "Train your own model", "AWS Lambda", "Share your model with the community", "Integrate contributions into your pipeline", "Choose a ready to use dataset", "Preparing your model for inference", "Choosing the right model"], "titleterms": {"": 2, "0": 0, "01": 0, "02": 0, "03": 0, "04": 0, "05": 0, "07": 0, "08": 0, "09": 0, "1": [0, 1], "10": 0, "11": 0, "12": 0, "18": 0, "2": [0, 1], "2021": 0, "2022": 0, "2023": 0, "2024": 0, "22": 0, "27": 0, "28": 0, "29": 0, "3": [0, 1], "31": 0, "4": [0, 1], "5": 0, "6": 0, "7": 0, "8": 0, "advanc": 18, "approach": 18, "architectur": 18, "arg": [6, 7, 8, 9, 10], "artefact": 7, "artefactdetect": 15, "attribut": 1, "avail": [15, 16, 18], "aw": 13, "ban": 1, "block": 7, "bug": 2, "changelog": 0, "choos": [16, 18], "classif": [8, 14], "code": [1, 2], "codebas": 2, "commit": 2, "commun": 14, "compos": 9, "conda": 3, "conduct": 1, "connect": 2, "continu": 2, "contrib": 5, "contribut": [2, 5, 15], "contributor": 1, "convent": 14, "correct": 1, "coven": 1, "custom": [6, 12], "data": 16, "dataload": 6, "dataset": [4, 6, 16], "detect": [4, 8, 14, 16, 18], "develop": 2, "do": 18, "doctr": [2, 4, 5, 6, 7, 8, 9, 10, 11, 17], "document": [2, 4, 7], "end": 18, "enforc": 1, "evalu": 10, "export": 17, "factori": 8, "featur": [2, 4], "feedback": 2, "file": 7, "from": 14, "gener": [6, 16], "git": 3, "guidelin": 1, "half": 17, "hub": 14, "huggingfac": 14, "i": 18, "infer": 17, "instal": [2, 3], "integr": [2, 15], "io": 7, "lambda": 13, "let": 2, "line": 7, "linux": 3, "load": [12, 14, 16], "loader": 6, "main": 4, "mode": 2, "model": [4, 8, 12, 14, 17, 18], "modifi": 2, "modul": [5, 15], "name": 14, "notebook": 11, "object": 16, "ocr": 18, "onli": 3, "onnx": 17, "optim": 17, "option": 18, "our": 1, "output": 18, "own": [12, 16], "packag": 3, "page": 7, "perman": 1, "pipelin": 15, "pledg": 1, "precis": 17, "predictor": 18, "prepar": 17, "prerequisit": 3, "pretrain": 14, "push": 14, "python": 3, "qualiti": 2, "question": 2, "read": 7, "readi": 16, "recognit": [4, 8, 14, 16, 18], "report": 2, "request": 2, "respons": 1, "return": [6, 7, 8, 10], "right": 18, "scope": 1, "share": 14, "should": 18, "stage": 18, "standard": 1, "structur": [2, 7], "style": 2, "support": [4, 5, 6, 9], "synthet": [6, 16], "task": 10, "temporari": 1, "test": 2, "text": [4, 18], "train": 12, "transform": 9, "two": 18, "unit": 2, "us": [16, 17], "util": 10, "v0": 0, "verif": 2, "via": 3, "visual": 10, "vocab": 6, "warn": 1, "what": 18, "word": 7, "your": [12, 14, 15, 16, 17], "zoo": [4, 8]}})
\ No newline at end of file
diff --git a/latest/using_doctr/custom_models_training.html b/latest/using_doctr/custom_models_training.html
index c0727fafce..5dd87ae891 100644
--- a/latest/using_doctr/custom_models_training.html
+++ b/latest/using_doctr/custom_models_training.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/using_doctr/running_on_aws.html b/latest/using_doctr/running_on_aws.html
index 7fb7642af7..3823224a32 100644
--- a/latest/using_doctr/running_on_aws.html
+++ b/latest/using_doctr/running_on_aws.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
AWS Lambda - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -262,12 +264,12 @@ AWS Lambda
-
+
Next
- doctr.datasets
+ doctr.contrib
diff --git a/latest/using_doctr/sharing_models.html b/latest/using_doctr/sharing_models.html
index 512b8f95ac..6739f0fd09 100644
--- a/latest/using_doctr/sharing_models.html
+++ b/latest/using_doctr/sharing_models.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Share your model with the community - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -425,14 +427,14 @@ Recognition
-
+
Previous
- Choose a ready to use dataset
+ Integrate contributions into your pipeline
diff --git a/latest/using_doctr/using_contrib_modules.html b/latest/using_doctr/using_contrib_modules.html
new file mode 100644
index 0000000000..0056bc6aaf
--- /dev/null
+++ b/latest/using_doctr/using_contrib_modules.html
@@ -0,0 +1,372 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ Integrate contributions into your pipeline - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+Integrate contributions into your pipeline¶
+The contrib module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+Available contribution modules¶
+NOTE: To use the contrib module, you need to install the onnxruntime package. You can install it using the following command:
+pip install python-doctr[contrib]
+# Or
+pip install onnxruntime # pip install onnxruntime-gpu
+
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection¶
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+from doctr.io import DocumentFile
+from doctr.contrib.artefacts import ArtefactDetection
+
+# Load the document
+doc = DocumentFile.from_images(["path/to/your/image"])
+detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+artefacts = detector(doc)
+
+# Visualize the detected artefacts
+detector.show()
+
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: YOLOv8
+NOTE: The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+from doctr.contrib import ArtefactDetection
+
+detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/latest/using_doctr/using_datasets.html b/latest/using_doctr/using_datasets.html
index 902a9ccff2..b606f789b5 100644
--- a/latest/using_doctr/using_datasets.html
+++ b/latest/using_doctr/using_datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Choose a ready to use dataset - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -502,12 +504,12 @@ Data Loading
-
+
Next
- Share your model with the community
+ Integrate contributions into your pipeline
diff --git a/latest/using_doctr/using_model_export.html b/latest/using_doctr/using_model_export.html
index 705745c9b2..70878176d8 100644
--- a/latest/using_doctr/using_model_export.html
+++ b/latest/using_doctr/using_model_export.html
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/latest/using_doctr/using_models.html b/latest/using_doctr/using_models.html
index 5f87f3162c..4a4be290bd 100644
--- a/latest/using_doctr/using_models.html
+++ b/latest/using_doctr/using_models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/cord.html b/v0.1.0/_modules/doctr/datasets/cord.html
index 08ee572cbf..c5d54c90a3 100644
--- a/v0.1.0/_modules/doctr/datasets/cord.html
+++ b/v0.1.0/_modules/doctr/datasets/cord.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/detection.html b/v0.1.0/_modules/doctr/datasets/detection.html
index 344d308644..e65d2a69e1 100644
--- a/v0.1.0/_modules/doctr/datasets/detection.html
+++ b/v0.1.0/_modules/doctr/datasets/detection.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/doc_artefacts.html b/v0.1.0/_modules/doctr/datasets/doc_artefacts.html
index fe1b5fff8b..3ab9710208 100644
--- a/v0.1.0/_modules/doctr/datasets/doc_artefacts.html
+++ b/v0.1.0/_modules/doctr/datasets/doc_artefacts.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/funsd.html b/v0.1.0/_modules/doctr/datasets/funsd.html
index 36f59089b6..625c2be50b 100644
--- a/v0.1.0/_modules/doctr/datasets/funsd.html
+++ b/v0.1.0/_modules/doctr/datasets/funsd.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/generator/tensorflow.html b/v0.1.0/_modules/doctr/datasets/generator/tensorflow.html
index 73756d082a..f227332363 100644
--- a/v0.1.0/_modules/doctr/datasets/generator/tensorflow.html
+++ b/v0.1.0/_modules/doctr/datasets/generator/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/ic03.html b/v0.1.0/_modules/doctr/datasets/ic03.html
index 5b54988686..c2a734e880 100644
--- a/v0.1.0/_modules/doctr/datasets/ic03.html
+++ b/v0.1.0/_modules/doctr/datasets/ic03.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/ic13.html b/v0.1.0/_modules/doctr/datasets/ic13.html
index 2661a1ffe8..7cc68c56c5 100644
--- a/v0.1.0/_modules/doctr/datasets/ic13.html
+++ b/v0.1.0/_modules/doctr/datasets/ic13.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/iiit5k.html b/v0.1.0/_modules/doctr/datasets/iiit5k.html
index 809cc151cd..e90d69264d 100644
--- a/v0.1.0/_modules/doctr/datasets/iiit5k.html
+++ b/v0.1.0/_modules/doctr/datasets/iiit5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/iiithws.html b/v0.1.0/_modules/doctr/datasets/iiithws.html
index 2fecb5a00b..871ca30d48 100644
--- a/v0.1.0/_modules/doctr/datasets/iiithws.html
+++ b/v0.1.0/_modules/doctr/datasets/iiithws.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/imgur5k.html b/v0.1.0/_modules/doctr/datasets/imgur5k.html
index 2d3d7b33d8..ec15123773 100644
--- a/v0.1.0/_modules/doctr/datasets/imgur5k.html
+++ b/v0.1.0/_modules/doctr/datasets/imgur5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/loader.html b/v0.1.0/_modules/doctr/datasets/loader.html
index 5b402883c9..0b7cbfe8d5 100644
--- a/v0.1.0/_modules/doctr/datasets/loader.html
+++ b/v0.1.0/_modules/doctr/datasets/loader.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/mjsynth.html b/v0.1.0/_modules/doctr/datasets/mjsynth.html
index 8ae0e70cc8..dda4be9de9 100644
--- a/v0.1.0/_modules/doctr/datasets/mjsynth.html
+++ b/v0.1.0/_modules/doctr/datasets/mjsynth.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/ocr.html b/v0.1.0/_modules/doctr/datasets/ocr.html
index 713dffb16e..11564144be 100644
--- a/v0.1.0/_modules/doctr/datasets/ocr.html
+++ b/v0.1.0/_modules/doctr/datasets/ocr.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/recognition.html b/v0.1.0/_modules/doctr/datasets/recognition.html
index 02dbb3a9b0..d5806a837d 100644
--- a/v0.1.0/_modules/doctr/datasets/recognition.html
+++ b/v0.1.0/_modules/doctr/datasets/recognition.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/sroie.html b/v0.1.0/_modules/doctr/datasets/sroie.html
index 61b794b55e..16d477b326 100644
--- a/v0.1.0/_modules/doctr/datasets/sroie.html
+++ b/v0.1.0/_modules/doctr/datasets/sroie.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/svhn.html b/v0.1.0/_modules/doctr/datasets/svhn.html
index 190884a6e1..aea7dacc1c 100644
--- a/v0.1.0/_modules/doctr/datasets/svhn.html
+++ b/v0.1.0/_modules/doctr/datasets/svhn.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/svt.html b/v0.1.0/_modules/doctr/datasets/svt.html
index 78bf1370c6..1114ca8c3c 100644
--- a/v0.1.0/_modules/doctr/datasets/svt.html
+++ b/v0.1.0/_modules/doctr/datasets/svt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/synthtext.html b/v0.1.0/_modules/doctr/datasets/synthtext.html
index 438b7c2796..5ed27b2010 100644
--- a/v0.1.0/_modules/doctr/datasets/synthtext.html
+++ b/v0.1.0/_modules/doctr/datasets/synthtext.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/utils.html b/v0.1.0/_modules/doctr/datasets/utils.html
index d4842cc0d0..815f847a19 100644
--- a/v0.1.0/_modules/doctr/datasets/utils.html
+++ b/v0.1.0/_modules/doctr/datasets/utils.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/datasets/wildreceipt.html b/v0.1.0/_modules/doctr/datasets/wildreceipt.html
index 9af778b203..e36337ffed 100644
--- a/v0.1.0/_modules/doctr/datasets/wildreceipt.html
+++ b/v0.1.0/_modules/doctr/datasets/wildreceipt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/io/elements.html b/v0.1.0/_modules/doctr/io/elements.html
index 70caf5bc30..543e2529c9 100644
--- a/v0.1.0/_modules/doctr/io/elements.html
+++ b/v0.1.0/_modules/doctr/io/elements.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/io/html.html b/v0.1.0/_modules/doctr/io/html.html
index df601e37d2..97cf8664fa 100644
--- a/v0.1.0/_modules/doctr/io/html.html
+++ b/v0.1.0/_modules/doctr/io/html.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/io/image/base.html b/v0.1.0/_modules/doctr/io/image/base.html
index 1384abe2dc..058731e790 100644
--- a/v0.1.0/_modules/doctr/io/image/base.html
+++ b/v0.1.0/_modules/doctr/io/image/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/io/image/tensorflow.html b/v0.1.0/_modules/doctr/io/image/tensorflow.html
index 8eabde9b0e..6797c8b791 100644
--- a/v0.1.0/_modules/doctr/io/image/tensorflow.html
+++ b/v0.1.0/_modules/doctr/io/image/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/io/pdf.html b/v0.1.0/_modules/doctr/io/pdf.html
index 44d6ac3748..64c61e2f80 100644
--- a/v0.1.0/_modules/doctr/io/pdf.html
+++ b/v0.1.0/_modules/doctr/io/pdf.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/io/reader.html b/v0.1.0/_modules/doctr/io/reader.html
index 135229fa82..b6090a998a 100644
--- a/v0.1.0/_modules/doctr/io/reader.html
+++ b/v0.1.0/_modules/doctr/io/reader.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html b/v0.1.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html
index 2b48306056..d89511dd77 100644
--- a/v0.1.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/classification/mobilenet/tensorflow.html b/v0.1.0/_modules/doctr/models/classification/mobilenet/tensorflow.html
index 92f6fb4fd3..2214ac33db 100644
--- a/v0.1.0/_modules/doctr/models/classification/mobilenet/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/classification/mobilenet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/classification/resnet/tensorflow.html b/v0.1.0/_modules/doctr/models/classification/resnet/tensorflow.html
index 186b223605..ec28f76365 100644
--- a/v0.1.0/_modules/doctr/models/classification/resnet/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/classification/resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/classification/textnet/tensorflow.html b/v0.1.0/_modules/doctr/models/classification/textnet/tensorflow.html
index 82393028d4..29a46eeb97 100644
--- a/v0.1.0/_modules/doctr/models/classification/textnet/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/classification/textnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/classification/vgg/tensorflow.html b/v0.1.0/_modules/doctr/models/classification/vgg/tensorflow.html
index c0608dcf16..6b37051963 100644
--- a/v0.1.0/_modules/doctr/models/classification/vgg/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/classification/vgg/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/classification/vit/tensorflow.html b/v0.1.0/_modules/doctr/models/classification/vit/tensorflow.html
index bfddadfa4f..6ddce2d19f 100644
--- a/v0.1.0/_modules/doctr/models/classification/vit/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/classification/vit/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/classification/zoo.html b/v0.1.0/_modules/doctr/models/classification/zoo.html
index b490415563..3a29660995 100644
--- a/v0.1.0/_modules/doctr/models/classification/zoo.html
+++ b/v0.1.0/_modules/doctr/models/classification/zoo.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html b/v0.1.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
index 920f7d63ba..acd8d1adff 100644
--- a/v0.1.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/detection/fast/tensorflow.html b/v0.1.0/_modules/doctr/models/detection/fast/tensorflow.html
index 4bd34f841c..c1f45d6d55 100644
--- a/v0.1.0/_modules/doctr/models/detection/fast/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/detection/fast/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/detection/linknet/tensorflow.html b/v0.1.0/_modules/doctr/models/detection/linknet/tensorflow.html
index e74d533acf..90f0605a78 100644
--- a/v0.1.0/_modules/doctr/models/detection/linknet/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/detection/linknet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/factory/hub.html b/v0.1.0/_modules/doctr/models/factory/hub.html
index 8845c155b9..ac903a2c14 100644
--- a/v0.1.0/_modules/doctr/models/factory/hub.html
+++ b/v0.1.0/_modules/doctr/models/factory/hub.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -284,7 +286,6 @@ Source code for doctr.models.factory.hub
"classification": models.classification.zoo.ARCHS,
"detection": models.detection.zoo.ARCHS,
"recognition": models.recognition.zoo.ARCHS,
- "obj_detection": ["fasterrcnn_mobilenet_v3_large_fpn"] if is_torch_available() else None,
}
@@ -363,8 +364,8 @@ Source code for doctr.models.factory.hub
if run_config is None and arch is None:
raise ValueError("run_config or arch must be specified")
- if task not in ["classification", "detection", "recognition", "obj_detection"]:
- raise ValueError("task must be one of classification, detection, recognition, obj_detection")
+ if task not in ["classification", "detection", "recognition"]:
+ raise ValueError("task must be one of classification, detection, recognition")
# default readme
readme = textwrap.dedent(
@@ -418,7 +419,7 @@ Source code for doctr.models.factory.hub
\n{json.dumps(vars(run_config), indent=2, ensure_ascii=False)}"""
)
- if arch not in AVAILABLE_ARCHS[task]: # type: ignore
+ if arch not in AVAILABLE_ARCHS[task]:
raise ValueError(
f"Architecture: {arch} for task: {task} not found.\
\nAvailable architectures: {AVAILABLE_ARCHS}"
@@ -473,14 +474,6 @@ Source code for doctr.models.factory.hub
model = models.detection.__dict__[arch](pretrained=False)
elif task == "recognition":
model = models.recognition.__dict__[arch](pretrained=False, input_shape=cfg["input_shape"], vocab=cfg["vocab"])
- elif task == "obj_detection" and is_torch_available():
- model = models.obj_detection.__dict__[arch](
- pretrained=False,
- image_mean=cfg["mean"],
- image_std=cfg["std"],
- max_size=cfg["input_shape"][-1],
- num_classes=len(cfg["classes"]),
- )
# update model cfg
model.cfg = cfg
diff --git a/v0.1.0/_modules/doctr/models/recognition/crnn/tensorflow.html b/v0.1.0/_modules/doctr/models/recognition/crnn/tensorflow.html
index 88dae9be17..8ad0466dab 100644
--- a/v0.1.0/_modules/doctr/models/recognition/crnn/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/recognition/crnn/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/recognition/master/tensorflow.html b/v0.1.0/_modules/doctr/models/recognition/master/tensorflow.html
index 17d35bdc33..23f2aceb60 100644
--- a/v0.1.0/_modules/doctr/models/recognition/master/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/recognition/master/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/recognition/parseq/tensorflow.html b/v0.1.0/_modules/doctr/models/recognition/parseq/tensorflow.html
index 407ca167b9..96d8b7c746 100644
--- a/v0.1.0/_modules/doctr/models/recognition/parseq/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/recognition/parseq/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/recognition/sar/tensorflow.html b/v0.1.0/_modules/doctr/models/recognition/sar/tensorflow.html
index 1e8d4753fe..29732ee3d6 100644
--- a/v0.1.0/_modules/doctr/models/recognition/sar/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/recognition/sar/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/models/recognition/vitstr/tensorflow.html b/v0.1.0/_modules/doctr/models/recognition/vitstr/tensorflow.html
index 51e696d419..8774485c1f 100644
--- a/v0.1.0/_modules/doctr/models/recognition/vitstr/tensorflow.html
+++ b/v0.1.0/_modules/doctr/models/recognition/vitstr/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/transforms/modules/base.html b/v0.1.0/_modules/doctr/transforms/modules/base.html
index e192138b12..ad209b0ba8 100644
--- a/v0.1.0/_modules/doctr/transforms/modules/base.html
+++ b/v0.1.0/_modules/doctr/transforms/modules/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/transforms/modules/tensorflow.html b/v0.1.0/_modules/doctr/transforms/modules/tensorflow.html
index ab4921cae2..6cffc1428a 100644
--- a/v0.1.0/_modules/doctr/transforms/modules/tensorflow.html
+++ b/v0.1.0/_modules/doctr/transforms/modules/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_modules/doctr/utils/metrics.html b/v0.1.0/_modules/doctr/utils/metrics.html
index 3d54cf5086..e9976e48de 100644
--- a/v0.1.0/_modules/doctr/utils/metrics.html
+++ b/v0.1.0/_modules/doctr/utils/metrics.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/_sources/getting_started/installing.rst.txt b/v0.1.0/_sources/getting_started/installing.rst.txt
index a00451514a..46d4177b30 100644
--- a/v0.1.0/_sources/getting_started/installing.rst.txt
+++ b/v0.1.0/_sources/getting_started/installing.rst.txt
@@ -38,16 +38,16 @@ We strive towards reducing framework-specific dependencies to a minimum, but som
.. code:: bash
pip install "python-doctr[tf]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[tf,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[tf,viz,html,contib]"
.. tab:: PyTorch
.. code:: bash
pip install "python-doctr[torch]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[torch,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/v0.1.0/_sources/modules/contrib.rst.txt b/v0.1.0/_sources/modules/contrib.rst.txt
new file mode 100644
index 0000000000..1a2659e2e3
--- /dev/null
+++ b/v0.1.0/_sources/modules/contrib.rst.txt
@@ -0,0 +1,13 @@
+doctr.contrib
+=============
+
+.. currentmodule:: doctr.contrib
+
+This module contains all the available contribution modules for docTR.
+
+
+Supported contribution modules
+------------------------------
+Here are all the available contribution modules:
+
+.. autoclass:: ArtefactDetector
diff --git a/v0.1.0/_sources/using_doctr/using_contrib_modules.rst.txt b/v0.1.0/_sources/using_doctr/using_contrib_modules.rst.txt
new file mode 100644
index 0000000000..37a0f8a9c1
--- /dev/null
+++ b/v0.1.0/_sources/using_doctr/using_contrib_modules.rst.txt
@@ -0,0 +1,51 @@
+Integrate contributions into your pipeline
+==========================================
+
+The `contrib` module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+.. currentmodule:: doctr.contrib
+
+
+Available contribution modules
+------------------------------
+
+**NOTE:** To use the contrib module, you need to install the `onnxruntime` package. You can install it using the following command:
+
+.. code:: bash
+
+ pip install python-doctr[contrib]
+ # Or
+ pip install onnxruntime # pip install onnxruntime-gpu
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection
+^^^^^^^^^^^^^^^^^
+
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+
+.. code:: python3
+
+ from doctr.io import DocumentFile
+ from doctr.contrib.artefacts import ArtefactDetection
+
+ # Load the document
+ doc = DocumentFile.from_images(["path/to/your/image"])
+ detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+ artefacts = detector(doc)
+
+ # Visualize the detected artefacts
+ detector.show()
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: `YOLOv8 `_
+
+**NOTE:** The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+
+.. code:: python3
+
+ from doctr.contrib import ArtefactDetection
+
+ detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
diff --git a/v0.1.0/changelog.html b/v0.1.0/changelog.html
index cca10a85ef..24e530e6ae 100644
--- a/v0.1.0/changelog.html
+++ b/v0.1.0/changelog.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/contributing/code_of_conduct.html b/v0.1.0/contributing/code_of_conduct.html
index 868bcf286f..1ae93b2cab 100644
--- a/v0.1.0/contributing/code_of_conduct.html
+++ b/v0.1.0/contributing/code_of_conduct.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/contributing/contributing.html b/v0.1.0/contributing/contributing.html
index a1d79eda56..f4d3f55c46 100644
--- a/v0.1.0/contributing/contributing.html
+++ b/v0.1.0/contributing/contributing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/getting_started/installing.html b/v0.1.0/getting_started/installing.html
index f0420d5217..6a40c254b6 100644
--- a/v0.1.0/getting_started/installing.html
+++ b/v0.1.0/getting_started/installing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -272,13 +274,13 @@ Via Python Package
pip install "python-doctr[tf]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[tf,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[tf,viz,html,contib]"
pip install "python-doctr[torch]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[torch,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/v0.1.0/modules/contrib.html b/v0.1.0/modules/contrib.html
new file mode 100644
index 0000000000..49284a147f
--- /dev/null
+++ b/v0.1.0/modules/contrib.html
@@ -0,0 +1,337 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ doctr.contrib - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+doctr.contrib¶
+This module contains all the available contribution modules for docTR.
+
+Supported contribution modules¶
+Here are all the available contribution modules:
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/v0.1.0/modules/datasets.html b/v0.1.0/modules/datasets.html
index 67a86d49b0..94a97aceef 100644
--- a/v0.1.0/modules/datasets.html
+++ b/v0.1.0/modules/datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
doctr.datasets - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -910,14 +912,14 @@ Returns:
-
+
Previous
- AWS Lambda
+ doctr.contrib
diff --git a/v0.1.0/modules/io.html b/v0.1.0/modules/io.html
index 115f9fe8e4..312018214f 100644
--- a/v0.1.0/modules/io.html
+++ b/v0.1.0/modules/io.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/modules/models.html b/v0.1.0/modules/models.html
index 75c6d68531..3de22acc9d 100644
--- a/v0.1.0/modules/models.html
+++ b/v0.1.0/modules/models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/modules/transforms.html b/v0.1.0/modules/transforms.html
index afdef48f00..f030b4b82e 100644
--- a/v0.1.0/modules/transforms.html
+++ b/v0.1.0/modules/transforms.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/modules/utils.html b/v0.1.0/modules/utils.html
index 2728e45178..56ac5a7e17 100644
--- a/v0.1.0/modules/utils.html
+++ b/v0.1.0/modules/utils.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/notebooks.html b/v0.1.0/notebooks.html
index 5aca22f20d..83aaf9102f 100644
--- a/v0.1.0/notebooks.html
+++ b/v0.1.0/notebooks.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/searchindex.js b/v0.1.0/searchindex.js
index a637f575b6..76d2abfdaf 100644
--- a/v0.1.0/searchindex.js
+++ b/v0.1.0/searchindex.js
@@ -1 +1 @@
-Search.setIndex({"alltitles": {"Detection models": [[3, "detection-models"]], "Detection predictors": [[3, "detection-predictors"]], "DocTR: Document Text Recognition": [[1, "doctr-document-text-recognition"]], "Document structure": [[0, "document-structure"]], "End-to-End OCR": [[3, "end-to-end-ocr"]], "File reading": [[0, "file-reading"]], "Getting Started": [[1, null]], "Installation": [[2, "installation"]], "Model export": [[3, "model-export"]], "Package Documentation": [[1, null]], "Post-processing outputs": [[3, "post-processing-outputs"], [3, "id1"]], "Pre-processing for detection": [[3, "pre-processing-for-detection"]], "Pre-processing for recognition": [[3, "pre-processing-for-recognition"]], "Recognition models": [[3, "recognition-models"]], "Recognition predictors": [[3, "recognition-predictors"]], "Text Detection": [[3, "text-detection"]], "Text Recognition": [[3, "text-recognition"]], "Text detection model zoo": [[3, "id2"]], "Text recognition model zoo": [[3, "id3"]], "Two-stage approaches": [[3, "two-stage-approaches"]], "Via Conda": [[2, "via-conda"]], "Via Git": [[2, "via-git"]], "Via Python Package": [[2, "via-python-package"]], "Visualization": [[4, "visualization"]], "doctr.documents": [[0, "doctr-documents"]], "doctr.models": [[3, "doctr-models"]], "doctr.utils": [[4, "doctr-utils"]]}, "docnames": ["documents", "index", "installing", "models", "utils"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["documents.rst", "index.rst", "installing.rst", "models.rst", "utils.rst"], "indexentries": {"artefact (class in doctr.documents)": [[0, "doctr.documents.Artefact", false]], "block (class in doctr.documents)": [[0, "doctr.documents.Block", false]], "convert_to_fp16() (in module doctr.models.export)": [[3, "doctr.models.export.convert_to_fp16", false]], "convert_to_tflite() (in module doctr.models.export)": [[3, "doctr.models.export.convert_to_tflite", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.crnn_vgg16_bn", false]], "crnn_vgg16_bn_predictor() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.crnn_vgg16_bn_predictor", false]], "db_resnet50() (in module doctr.models.detection)": [[3, "doctr.models.detection.db_resnet50", false]], "db_resnet50_predictor() (in module doctr.models.detection)": [[3, "doctr.models.detection.db_resnet50_predictor", false]], "doctr": [[1, "module-doctr", false]], "document (class in doctr.documents)": [[0, "doctr.documents.Document", false]], "line (class in doctr.documents)": [[0, "doctr.documents.Line", false]], "module": [[1, "module-doctr", false]], "ocr_db_crnn() (in module doctr.models.zoo)": [[3, "doctr.models.zoo.ocr_db_crnn", false]], "page (class in doctr.documents)": [[0, "doctr.documents.Page", false]], "quantize_model() (in module doctr.models.export)": [[3, "doctr.models.export.quantize_model", false]], "read_img() (in module doctr.documents)": [[0, "doctr.documents.read_img", false]], "read_pdf() (in module doctr.documents)": [[0, "doctr.documents.read_pdf", false]], "sar_vgg16_bn() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.sar_vgg16_bn", false]], "sar_vgg16_bn_predictor() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.sar_vgg16_bn_predictor", false]], "visualize_page() (in module doctr.utils.visualization)": [[4, "doctr.utils.visualization.visualize_page", false]], "word (class in doctr.documents)": [[0, "doctr.documents.Word", false]]}, "objects": {"": [[1, 0, 0, "-", "doctr"]], "doctr.documents": [[0, 1, 1, "", "Artefact"], [0, 1, 1, "", "Block"], [0, 1, 1, "", "Document"], [0, 1, 1, "", "Line"], [0, 1, 1, "", "Page"], [0, 1, 1, "", "Word"], [0, 2, 1, "", "read_img"], [0, 2, 1, "", "read_pdf"]], "doctr.models.detection": [[3, 2, 1, "", "db_resnet50"], [3, 2, 1, "", "db_resnet50_predictor"]], "doctr.models.export": [[3, 2, 1, "", "convert_to_fp16"], [3, 2, 1, "", "convert_to_tflite"], [3, 2, 1, "", "quantize_model"]], "doctr.models.recognition": [[3, 2, 1, "", "crnn_vgg16_bn"], [3, 2, 1, "", "crnn_vgg16_bn_predictor"], [3, 2, 1, "", "sar_vgg16_bn"], [3, 2, 1, "", "sar_vgg16_bn_predictor"]], "doctr.models.zoo": [[3, 2, 1, "", "ocr_db_crnn"]], "doctr.utils.visualization": [[4, 2, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:function"}, "terms": {"": [0, 4], "0": 4, "00": [], "01": [], "0123456789": [], "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "02562": [], "03": [], "035": [], "0361328125": [], "04": [], "05": [], "06": [], "06640625": [], "07": [], "08": [], "09": [], "0966796875": [], "1": [3, 4], "10": [], "100": [], "1000": [], "101": [], "1024": 3, "104": [], "106": [], "108": [], "1095": [], "11": [], "110": [], "1107": [], "114": [], "1156": [], "116": [], "118": [], "11800h": [], "11th": [], "12": [], "120": [], "123": [], "126": [], "1268": [], "128": 3, "13": [], "130": [], "13068": [], "131": [], "1337891": [], "1357421875": [], "1396484375": [], "14": [], "1420": [], "14470v1": [], "149": [], "15": [], "150": [], "1552": [], "16": 3, "1630859375": [], "1684": [], "16bn": 3, "16x16": [], "17": [], "1778": [], "1782": [], "18": [], "185546875": [], "1900": [], "1910": [], "19342": [], "19370": [], "195": [], "19598": [], "199": [], "1999": [], "2": [], "20": [], "200": [], "2000": [], "2003": [], "2012": [], "2013": [], "2015": [], "2019": [], "207901": [], "21": [], "2103": [], "2186": [], "21888": [], "22": [], "224": 3, "225": [], "22672": [], "229": [], "23": [], "233": [], "234": [], "24": [], "246": [], "249": [], "25": [], "2504": [], "255": [3, 4], "256": 3, "257": [], "26": [], "26032": [], "264": [], "27": [], "2700": [], "2710": [], "2749": [], "28": [], "287": [], "29": [], "296": [], "299": [], "2d": [], "3": [0, 2, 3, 4], "30": [], "300": [], "3000": [], "301": [], "30595": [], "30ghz": [], "31": [], "32": 3, "3232421875": [], "33": [], "33402": [], "33608": [], "34": [], "340": [], "3456": [], "3515625": [], "36": [], "360": [], "37": [], "38": [], "39": [], "4": [], "40": [], "406": [], "41": [], "42": [], "43": [], "44": [], "45": [], "456": [], "46": [], "47": [], "472": [], "48": [], "485": [], "49": [], "49377": [], "5": [], "50": 3, "51": [], "51171875": [], "512": 3, "52": [], "529": [], "53": [], "54": [], "540": [], "5478515625": [], "55": [], "56": [], "57": [], "58": [], "580": [], "5810546875": [], "583": [], "59": [], "597": [], "5k": [], "5m": [], "6": 2, "60": [], "600": [3, 4], "61": [], "62": [], "626": [], "63": [], "64": 3, "641": [], "647": [], "65": [], "66": [], "67": [], "68": [], "69": [], "693": [], "694": [], "695": [], "6m": [], "7": [], "70": [], "707470": [], "71": [], "7100000": [], "7141797": [], "7149": [], "72": [], "72dpi": [], "73": [], "73257": [], "74": [], "75": [], "7581382": [], "76": [], "77": [], "772": [], "772875": [], "78": [], "785": [], "79": [], "793533": [], "796": [], "798": [], "7m": [], "8": [], "80": [], "800": [3, 4], "81": [], "82": [], "83": [], "84": [], "849": [], "85": [], "8564453125": [], "857": [], "85875": [], "86": [], "8603515625": [], "87": [], "8707": [], "88": [], "89": [], "9": [], "90": [], "90k": [], "90kdict32px": [], "91": [], "914085328578949": [], "92": [], "93": [], "94": [], "95": [], "9578408598899841": [], "96": [], "98": [], "99": [], "9949972033500671": [], "A": 3, "As": [], "Be": [], "Being": [], "By": [], "For": 3, "If": [0, 3], "In": 3, "It": [], "Its": [], "No": [], "Of": [], "The": [0, 3], "Then": [], "To": [], "_": [], "__call__": [], "_build": [], "_i": [], "ab": [], "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "abdef": [], "abl": [], "about": [], "abov": [], "abstractdataset": [], "abus": [], "accept": [], "access": 0, "account": [], "accur": [], "accuraci": 3, "achiev": [], "act": [], "action": [], "activ": [], "ad": [], "adapt": [], "add": [], "add_hook": [], "add_label": [], "addit": [], "addition": [], "address": [], "adjust": [], "advanc": [], "advantag": [], "advis": [], "aesthet": [], "affect": [], "after": [], "ag": [], "again": [], "aggreg": [], "aggress": [], "align": [], "all": 0, "allow": [], "along": [], "alreadi": [], "also": [], "alwai": [], "an": [0, 1, 3], "analysi": [0, 3], "ancient_greek": [], "angl": 0, "ani": [0, 3, 4], "annot": [], "anot": [], "anoth": [], "answer": [], "anyascii": [], "anyon": [], "api": [], "apolog": [], "apologi": [], "app": [], "appear": [], "appli": [], "applic": [], "appoint": [], "appreci": [], "appropri": [], "ar": [0, 4], "arab": [], "arabic_diacrit": [], "arabic_lett": [], "arabic_punctu": [], "arbitrarili": [], "arch": [], "architectur": [1, 3], "area": [], "argument": [], "around": 3, "arrai": 4, "art": 1, "artefact": 0, "artefact_typ": 0, "artifici": [], "arxiv": [], "asarrai": [], "ascii_lett": [], "aspect": [], "assess": [], "assign": [], "associ": 0, "assum": [], "assume_straight_pag": [], "astyp": [3, 4], "attack": [], "attend": 3, "attent": [], "autom": 1, "automat": [], "autoregress": [], "avail": [], "averag": [], "avoid": [], "aw": [], "awar": [], "azur": [], "b": [], "b_j": [], "back": [], "backbon": 3, "backend": 3, "background": [], "bar_cod": [], "base": [], "baselin": 3, "batch": 3, "batch_siz": [], "bblanchon": [], "bbox": [], "becaus": [], "been": [], "befor": [], "begin": [], "behavior": [], "being": [], "belong": [], "benchmark": [], "best": [], "better": [], "between": [], "bgr": 0, "bilinear": 3, "bin_thresh": [], "binar": 3, "binari": 3, "bit": [], "block": [0, 3, 4], "block_1_1": [], "blur": [], "bmvc": [], "bn": [], "bodi": [], "bool": [0, 3, 4], "boolean": [], "both": [], "bottom": [], "bound": [0, 3], "box": [0, 3], "box_thresh": [], "bright": [], "browser": [], "build": [], "built": [], "byte": 3, "c": 2, "c_j": [], "cach": [], "cache_sampl": [], "callabl": [], "can": 3, "capabl": [], "case": [], "cf": [], "cfg": [], "challeng": [], "challenge2_test_task12_imag": [], "challenge2_test_task1_gt": [], "challenge2_training_task12_imag": [], "challenge2_training_task1_gt": [], "chang": [], "channel": [0, 3], "channel_prior": [], "channelshuffl": [], "charact": 3, "charactergener": [], "characterist": [], "charg": 3, "charset": [], "chart": [], "check": [], "checkpoint": [], "chip": [], "ci": [], "clarifi": [], "clariti": [], "class": 0, "class_nam": [], "classif": 3, "classif_mobilenet_v3_smal": [], "classmethod": [], "clear": [], "clone": 2, "close": [], "co": [], "code": [], "codecov": [], "colab": [], "collate_fn": [], "collect": 0, "color": [], "colorinvers": [], "column": [], "com": 2, "combin": 3, "come": [], "command": [], "comment": [], "commit": [], "common": [], "commun": [], "compar": 1, "comparison": [], "competit": [], "compil": [], "complaint": [], "complementari": 4, "complet": [], "compon": 3, "compos": 3, "comprehens": [], "comput": [], "conda": 1, "confid": 0, "config": [], "configur": [], "confus": [], "consecut": 3, "consequ": [], "consid": [], "consist": [], "consolid": [], "constant": [], "construct": [], "contact": [], "contain": [], "content": 0, "context": [], "continu": [], "contrast": [], "contrast_factor": [], "contribut": [], "contributor": [], "conv_sequ": 3, "convers": 0, "convert": [0, 3], "convert_to_fp16": 3, "convert_to_tflit": 3, "convolut": 3, "coordin": 0, "cord": [], "core": 4, "corner": [], "correct": [], "correspond": 3, "could": [], "counterpart": [], "cover": [], "coverag": [], "cpu": [], "creat": [], "crnn": 3, "crnn_mobilenet_v3_larg": [], "crnn_mobilenet_v3_smal": [], "crnn_vgg16_bn": 3, "crnn_vgg16_bn_predictor": 3, "crop": 3, "crop_orient": [], "crop_orientation_predictor": [], "cuda": [], "currenc": [], "current": [], "custom": [], "customhook": [], "cvit": [], "czczup": [], "czech": [], "d": [], "danish": [], "data": [0, 3], "dataload": [], "dataset": [], "dataset_info": [], "date": [], "db": [], "db_mobilenet_v3_larg": [], "db_resnet34": [], "db_resnet50": 3, "db_resnet50_predictor": 3, "dbnet": 3, "decis": [], "decod": 0, "decode_img_as_tensor": [], "deem": [], "deep": 3, "def": [], "default": [0, 3], "defer": [], "defin": [], "deform": 3, "degre": [], "degress": 0, "delet": [], "delimit": [], "delta": [], "demo": [], "demonstr": [], "depend": [], "deploi": [], "deploy": [], "derogatori": [], "describ": 3, "descript": [], "design": [], "desir": [], "det_arch": [], "det_b": [], "det_model": [], "det_param": [], "det_predictor": [], "detail": [], "detect": [], "detect_languag": [], "detect_orient": [], "detection_predictor": [], "detectiondataset": [], "detectionmetr": [], "detectionpredictor": 3, "detector": [], "deterior": [], "determin": [], "dev": [], "develop": [], "developp": 2, "deviat": [], "devic": [], "dict": [0, 4], "dictionari": 0, "differ": [], "differenti": 3, "digit": [], "dimens": [0, 3, 4], "dimension": [], "direct": [], "directli": 3, "directori": [], "disabl": [], "disclaim": [], "discuss": [], "disparag": [], "displai": 4, "display_artefact": [], "distribut": [], "div": [], "divers": [], "divid": [], "do": [], "doc": 0, "docartefact": [], "docstr": [], "doctr": 2, "doctr_cache_dir": [], "doctr_multiprocessing_dis": [], "document": [3, 4], "documentbuild": [], "documentfil": [], "don": [], "done": [], "download": [], "downsiz": [], "draw": [], "drop": [], "drop_last": [], "dtype": 3, "dual": [], "dummi": [], "dummy_img": [], "dummy_input": [], "dure": [], "dutch": [], "dynam": [], "dynamic_seq_length": [], "e": 2, "each": [0, 3], "eas": [], "easi": [1, 4], "easier": 3, "easili": 0, "econom": [], "edit": [], "educ": [], "effici": [], "either": 3, "element": [0, 3], "els": [], "email": [], "empathi": [], "en": [], "enabl": 0, "enclos": 0, "encod": [], "encode_sequ": [], "encount": [], "encrypt": [], "end": [], "english": [], "enhanc": 3, "enough": [], "ensur": [], "entri": [], "environ": [], "eo": [], "equiv": [], "estim": [], "etc": [], "ethnic": [], "evalu": [], "event": [], "everyon": [], "everyth": [], "exact": [], "exampl": [0, 3, 4], "exchang": [], "exclud": 3, "execut": [], "exist": [], "expand": [], "expect": [0, 3], "experi": [], "explan": [], "explicit": [], "exploit": [], "export": [0, 4], "export_as_straight_box": [], "export_as_xml": [], "export_model_to_onnx": [], "express": [], "extens": [], "extern": [], "extract": [1, 3], "extractor": 3, "f_": [], "f_a": [], "factor": [], "fair": [], "fairli": [], "fals": 3, "faq": [], "fascan": [], "fast": [], "fast_bas": [], "fast_smal": [], "fast_tini": [], "faster": [], "fasterrcnn_mobilenet_v3_large_fpn": [], "favorit": [], "featur": [3, 4], "feedback": [], "feel": [], "felix92": [], "few": [], "figsiz": [], "figur": [], "file": [], "file_path": 0, "final": [], "find": [], "finnish": [], "first": [], "firsthand": [], "fit": [], "flag": [], "flip": [], "float": 0, "float32": 3, "fn": [], "focu": [], "focus": [], "folder": [], "follow": 3, "font": [], "font_famili": [], "foral": [], "forc": [], "forg": [], "form": [], "format": [0, 3], "forpost": [], "forum": [], "fp": 3, "fp16": 3, "frac": [], "framework": [], "free": [], "french": [], "friendli": [], "from": [0, 1, 3, 4], "from_hub": [], "from_imag": [], "from_pdf": [], "from_url": [], "full": [3, 4], "function": [3, 4], "funsd": [], "further": [], "futur": [], "g": [], "g_": [], "g_x": [], "gamma": [], "gaussian": [], "gaussianblur": [], "gaussiannois": [], "gen": [], "gender": [], "gener": [], "geometri": 0, "geq": [], "german": [], "get": [], "git": 1, "github": 2, "give": [], "given": 3, "global": [], "go": [], "good": [], "googl": [], "googlevis": [], "gpu": [], "gracefulli": [], "graph": [], "grayscal": [], "ground": [], "groung": [], "group": [], "gt": [], "gt_box": [], "gt_label": [], "guid": [], "guidanc": [], "gvision": [], "h": 0, "h_": [], "ha": [], "half": 3, "handl": [], "handwrit": [], "handwritten": [], "harass": [], "hardwar": [], "harm": [], "hat": [], "have": 4, "head": [], "healthi": [], "hebrew": [], "height": 0, "hello": [], "help": [], "here": [], "hf": [], "hf_hub_download": [], "high": 0, "higher": [], "hindi_digit": [], "hocr": [], "hook": [], "horizont": [], "hous": [], "how": [], "howev": [], "hsv": [], "html": [], "http": 2, "hub": [], "hue": [], "huggingfac": [], "hw": [], "i": 3, "i7": [], "ic03": [], "ic13": [], "icdar": [], "icdar2019": [], "id": [], "ident": [], "identifi": 3, "iiit": [], "iiit5k": [], "iiithw": [], "imag": [0, 3, 4], "imagenet": 3, "imageri": [], "images_90k_norm": [], "img": [], "img_cont": [], "img_fold": [], "img_path": [], "img_transform": [], "imgur5k": [], "imgur5k_annot": [], "imlist": [], "impact": [], "implement": [0, 3], "import": [0, 3, 4], "improv": [], "inappropri": [], "incid": [], "includ": 3, "inclus": [], "increas": [], "index": 0, "indic": [], "individu": [], "infer": [], "inform": [1, 3], "input": [0, 3], "input_crop": [], "input_pag": [3, 4], "input_shap": 3, "input_tensor": 3, "inspir": [], "instal": 1, "instanc": 3, "instanti": [], "instead": 0, "insult": [], "int": [0, 3], "int64": [], "integ": [], "integr": [], "intel": [], "interact": [], "interfac": [], "interoper": [], "interpol": 3, "interpret": [], "intersect": [], "invert": [], "investig": [], "invis": [], "involv": 3, "io": [], "iou": [], "iou_thresh": [], "irregular": 3, "isn": [], "issu": [], "italian": [], "iter": [], "its": [], "itself": [], "j": [], "job": [], "join": [], "jpeg": [], "jpegqual": [], "jpg": 0, "json": [], "json_output": [], "jump": [], "just": [], "kei": [], "kera": 3, "kernel": [], "kernel_s": 3, "kernel_shap": [], "keywoard": [], "keyword": [], "kie": [], "kie_predictor": [], "kiepredictor": [], "kind": [], "know": [], "kwarg": [0, 3], "l": [], "l_j": [], "label": [], "label_fil": [], "label_fold": [], "label_path": [], "labels_path": [], "ladder": [], "lambda": [], "lambdatransform": [], "lang": [], "languag": [0, 1], "larg": [], "largest": [], "last": [2, 3], "latenc": [], "later": [], "latest": [], "latin": [], "layer": [], "layout": [], "lead": [], "leader": [], "learn": 3, "least": [], "left": [], "legacy_french": [], "length": [], "less": [], "let": 3, "level": [], "leverag": [], "lf": [], "librari": 2, "light": [], "like": [], "limits_": [], "line": [0, 4], "line_1_1": [], "link": [], "linknet": [], "linknet_resnet18": [], "linknet_resnet34": [], "linknet_resnet50": [], "list": 0, "ll": [], "load": [], "load_state_dict": [], "load_weight": [], "loc_pr": [], "local": 3, "localis": [], "localizationconfus": [], "locat": [], "login": [], "login_to_hub": [], "logo": [], "love": [], "lower": [], "m": [], "m1": [], "macbook": [], "machin": [], "made": [], "magc_resnet31": [], "mai": [], "mail": [], "main": [], "maintain": [], "mainten": [], "make": [3, 4], "mani": [], "manipul": [], "map": 3, "map_loc": [], "master": [], "match": [], "mathcal": [], "matplotlib": 4, "max": [], "max_angl": [], "max_area": [], "max_char": [], "max_delta": [], "max_gain": [], "max_gamma": [], "max_qual": [], "max_ratio": [], "maximum": [], "maxval": 3, "mbox": [], "mean": [], "meaniou": [], "meant": [], "measur": [], "media": [], "median": [], "meet": [], "member": [], "memori": [], "mention": [], "merg": [], "messag": [], "meta": [], "metadata": [], "metal": [], "method": [], "metric": [], "middl": [], "might": [], "min": [], "min_area": [], "min_char": [], "min_gain": [], "min_gamma": [], "min_qual": [], "min_ratio": [], "min_val": [], "minde": 2, "minim": [], "minimalist": [], "minimum": [], "minval": [], "miss": [], "mistak": [], "mixed_float16": [], "mixed_precis": [], "mjsynth": [], "mnt": [], "mobilenet": [], "mobilenet_v3_larg": [], "mobilenet_v3_large_r": [], "mobilenet_v3_smal": [], "mobilenet_v3_small_crop_orient": [], "mobilenet_v3_small_r": [], "mobilenetv3": [], "modal": [], "mode": 2, "model": [1, 4], "model_nam": [], "model_path": [], "moder": [], "modif": [], "modifi": [], "modul": [0, 3, 4], "more": [], "most": 3, "mozilla": [], "multi": [], "multilingu": [], "multipl": [], "multipli": [], "multiprocess": [], "my": [], "my_awesome_model": [], "my_hook": [], "n": [], "name": [], "nation": [], "natur": 1, "ndarrai": [0, 4], "necessari": [], "need": 4, "neg": [], "nest": [], "network": [], "neural": [], "new": [], "newer": 2, "next": [], "nois": [], "noisi": [], "non": [0, 4], "none": [0, 4], "normal": 3, "norwegian": [], "note": [], "now": [], "np": [3, 4], "num_output_channel": [], "num_sampl": [], "num_work": [], "number": [], "numpi": [0, 3, 4], "o": [], "obj_detect": [], "object": [], "oblig": [], "obtain": [], "occupi": [], "ocr": [], "ocr_carea": [], "ocr_db_crnn": [3, 4], "ocr_lin": [], "ocr_pag": [], "ocr_par": [], "ocr_predictor": [], "ocrdataset": [], "ocrmetr": [], "ocrpredictor": 3, "ocrx_word": [], "offens": [], "offici": [], "offlin": [], "offset": [], "onc": 3, "one": 3, "oneof": [], "ones": [], "onli": 4, "onlin": [], "opac": [], "opacity_rang": [], "open": [], "opinion": [], "optic": 3, "optim": [], "option": [], "order": [0, 3], "org": [], "organ": 0, "orient": 0, "orientationpredictor": [], "other": [], "otherwis": [], "our": [], "out": [3, 4], "outpout": [], "output": 0, "output_s": 0, "outsid": [], "over": [], "overal": [], "overlai": [], "overwritten": [], "own": 1, "p": [], "packag": 4, "pad": 3, "page": [0, 4], "page1": [], "page2": [], "page_1": [], "page_idx": 0, "pair": [], "paper": [], "par_1_1": [], "paragraph": [], "paragraph_break": [], "param": 3, "paramet": [0, 3, 4], "pars": [], "parseq": [], "part": [], "parti": [], "partial": [], "particip": [], "pass": 3, "password": [], "patch": [], "path": 0, "path_to_checkpoint": [], "path_to_pt": [], "pattern": [], "pdf": 0, "pdfpage": [], "peopl": [], "per": [], "perform": [0, 1, 3], "period": [], "permiss": [], "permut": [], "persian_lett": [], "person": [], "phase": [], "photo": [], "physic": [], "pick": [], "pictur": [], "pip": 2, "pipelin": [], "pixel": 0, "pleas": [], "plot": [], "plt": 4, "plug": [], "plugin": [], "png": [], "point": [], "polici": [], "polish": [], "polit": [], "polygon": [], "pool": [], "portugues": [], "posit": [], "possibl": [], "post": [], "postprocessor": 3, "potenti": 3, "power": 1, "ppageno": [], "pre": [], "precis": 3, "pred": [], "pred_box": [], "pred_label": [], "predefin": [], "predict": [0, 4], "predictor": [], "prefer": [], "preinstal": [], "preprocessor": 3, "prerequisit": [], "present": [], "preserv": [], "preserve_aspect_ratio": [], "pretrain": [3, 4], "pretrained_backbon": [], "print": [], "prior": [], "privaci": [], "privat": [], "probabl": [], "problem": [], "procedur": [], "process": [0, 1], "processor": [], "produc": 3, "product": [], "profession": [], "project": [], "promptli": [], "proper": [], "properli": [], "provid": [1, 3], "public": [], "publicli": [], "publish": [], "pull": [], "punctuat": [], "pure": [], "purpos": 3, "push_to_hf_hub": [], "py": [], "pypdfium2": [], "pyplot": 4, "python": 1, "python3": [], "pytorch": [], "q": [], "qr": [], "qr_code": [], "qualiti": [], "quantiz": 3, "quantize_model": 3, "question": [], "quickli": 1, "quicktour": [], "r": [], "race": [], "ramdisk": [], "rand": [3, 4], "random": [3, 4], "randomappli": [], "randombright": [], "randomcontrast": [], "randomcrop": [], "randomgamma": [], "randomhorizontalflip": [], "randomhu": [], "randomjpegqu": [], "randomli": [], "randomrot": [], "randomsatur": [], "randomshadow": [], "rang": [], "rassi": [], "ratio": [], "raw": 0, "re": [], "read": 3, "read_html": [], "read_img": 0, "read_img_as_numpi": [], "read_img_as_tensor": [], "read_pdf": 0, "readi": [], "real": 3, "reason": [], "rebuild": [], "rebuilt": [], "recal": 3, "receipt": [], "reco_arch": [], "reco_b": [], "reco_model": [], "reco_param": [], "reco_predictor": [], "recogn": [], "recognit": [], "recognition_predictor": [], "recognition_task": [], "recognitiondataset": [], "recognitionpredictor": 3, "rectangular": [], "reduc": [], "refer": [], "regardless": [], "region": [], "regroup": 4, "regular": [], "reject": [], "rel": 0, "relat": [], "releas": 2, "religion": [], "relu": 3, "remov": [], "render": [], "repo": [], "repo_id": [], "report": [], "repositori": [], "repres": [], "represent": [], "request": [], "requir": 2, "research": 1, "residu": [], "resiz": 3, "resnet": 3, "resnet18": [], "resnet31": [], "resnet34": [], "resnet50": [], "resolv": 0, "resolve_block": [], "resolve_lin": [], "resourc": [], "respect": [], "rest": 4, "restrict": [], "result": 0, "return": [0, 3], "reusabl": 3, "review": [], "rgb": 0, "rgb_mode": [], "rgb_output": 0, "right": 3, "rnn": 3, "robust": [], "root": [], "rotat": 0, "run": [], "same": 4, "sampl": [], "sample_transform": [], "sar": 3, "sar_resnet31": [], "sar_vgg16_bn": 3, "sar_vgg16_bn_predictor": 3, "satur": [], "save": [], "scale": [], "scan": [], "scene": 3, "scheme": 3, "score": [], "script": [], "seamless": [], "seamlessli": [], "search": [], "searchabl": [], "sec": [], "second": [], "section": [], "secur": [], "see": [], "seemlessli": 1, "seen": 3, "segment": 3, "self": [], "semant": [], "send": [], "sens": 4, "sensit": [], "separ": 3, "sequenc": 3, "sequenti": 3, "seri": [], "serial": 3, "serialized_model": 3, "seriou": [], "set": 3, "set_global_polici": [], "sever": [], "sex": [], "sexual": [], "shade": [], "shape": [0, 3, 4], "share": [], "shift": [], "shm": [], "should": [0, 4], "show": [3, 4], "showcas": [], "shuffl": [], "side": [], "signatur": [], "signific": [], "simpl": 3, "simpler": [], "sinc": [], "singl": [], "size": [0, 3], "skew": [], "slack": [], "slightli": [], "small": [], "smallest": 0, "snapshot_download": [], "snippet": [], "so": [], "social": [], "socio": [], "some": [], "someth": [], "somewher": [], "soon": [], "sort": [], "sourc": [0, 3, 4], "space": [], "span": [], "spanish": [], "spatial": [], "specif": [], "specifi": 0, "speed": [], "sphinx": [], "sroie": [], "stabl": 2, "stackoverflow": [], "stage": [], "standard": [], "start": [], "state": 1, "static": [], "statist": 3, "statu": [], "std": [], "step": [], "still": [], "str": [0, 4], "straight": [], "straighten_pag": [], "stream": [], "street": [], "strict": [], "strictli": [], "string": [0, 3], "strive": [], "strong": 3, "structur": 3, "subset": [], "suggest": [], "sum": [], "summari": [], "support": [], "sustain": [], "svhn": [], "svt": [], "swedish": [], "symbol": 3, "symmetr": [], "symmetric_pad": [], "synthet": [], "synthtext": [], "system": [], "t": [], "tabl": [], "take": [], "target": 3, "target_s": [], "task": [1, 3], "task2": [], "team": [], "techminde": [], "templat": [], "tensor": 3, "tensorflow": 3, "tensorspec": [], "term": [], "test": [], "test_set": [], "text": 0, "text_output": [], "textmatch": [], "textnet": [], "textnet_bas": [], "textnet_smal": [], "textnet_tini": [], "textract": [], "textstylebrush": [], "textual": 0, "tf": 3, "tf_model": 3, "tflite": 3, "than": 4, "thank": [], "thei": [], "them": [], "thi": [2, 3, 4], "thing": [], "third": [], "those": 3, "threaten": [], "threshold": [], "through": [], "tilman": [], "time": 3, "tini": [], "titl": [], "tm": [], "tmp": [], "togeth": 3, "tograi": [], "tool": [], "top": [], "topic": [], "torch": [], "torchvis": [], "total": [], "toward": [], "train": 3, "train_it": [], "train_load": [], "train_pytorch": [], "train_set": [], "train_tensorflow": [], "trainabl": [], "tranform": [], "transcrib": [], "transfer": [], "transfo": [], "transform": [], "translat": [], "troll": [], "true": [0, 3, 4], "truth": [], "tune": [], "tupl": [0, 3], "turn": 3, "two": [], "txt": [], "type": [0, 3], "typic": [], "u": [], "ucsd": [], "udac": [], "uint8": [3, 4], "unaccept": [], "underli": [], "underneath": [], "understand": 1, "uniform": 3, "uniformli": [], "uninterrupt": [], "union": [], "unittest": [], "unlock": [], "unoffici": [], "unprofession": [], "unsolicit": [], "unsupervis": [], "unwelcom": [], "up": [], "updat": [], "upgrad": [], "upper": [], "uppercas": [], "url": [], "us": [2, 3, 4], "usabl": 3, "usag": 3, "use_polygon": [], "useabl": [], "user": 0, "utf": [], "util": [1, 3], "v1": [], "v3": [], "valid": [], "valu": 0, "valuabl": 1, "variabl": [], "varieti": [], "veri": [], "version": 3, "vgg": 3, "vgg16": 3, "vgg16_bn_r": [], "via": 1, "vietnames": [], "view": [], "viewpoint": [], "violat": [], "visibl": [], "vision": [], "visiondataset": [], "visiontransform": [], "visual": [], "visualize_pag": 4, "vit_": [], "vit_b": [], "vitstr": [], "vitstr_bas": [], "vitstr_smal": [], "viz": [], "vocab": [], "vocabulari": [], "w": 0, "w3": [], "wa": [], "wai": 1, "want": [], "warmup": [], "wasn": [], "we": [], "weasyprint": [], "web": [], "websit": [], "weight": [], "welcom": [], "well": [], "were": [], "what": [], "when": [], "whenev": [], "where": 0, "whether": [0, 4], "which": 3, "whichev": [], "while": [], "why": [], "width": 0, "wiki": [], "wildreceipt": [], "window": [], "wish": [], "within": [], "without": 3, "wonder": [], "word": [0, 4], "word_1_1": [], "word_1_2": [], "word_1_3": [], "wordgener": [], "words_onli": 4, "work": [], "worker": [], "workflow": [], "worklow": [], "world": [], "worth": [], "wrap": [], "wrapper": [], "write": [], "written": [], "www": [], "x": 0, "x_ascend": [], "x_descend": [], "x_i": [], "x_size": [], "x_wconf": [], "xhtml": [], "xmax": 0, "xmin": 0, "xml": [], "xml_bytes_str": [], "xml_element": [], "xml_output": [], "xmln": [], "y": [], "y_i": [], "y_j": [], "ymax": 0, "ymin": 0, "you": 3, "your": [0, 1, 4], "yoursit": [], "zero": 3, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": [], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": [], "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": [], "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": [], "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": [], "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": [], "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": [], "\u00e4\u00f6\u00e4\u00f6": [], "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": [], "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": [], "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": [], "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": [], "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": [], "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": [], "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "\u067e\u0686\u06a2\u06a4\u06af": []}, "titles": ["doctr.documents", "DocTR: Document Text Recognition", "Installation", "doctr.models", "doctr.utils"], "titleterms": {"": [], "0": [], "01": [], "02": [], "03": [], "04": [], "05": [], "07": [], "08": [], "09": [], "1": [], "10": [], "11": [], "12": [], "18": [], "2": [], "2021": [], "2022": [], "2023": [], "2024": [], "22": [], "27": [], "28": [], "29": [], "3": [], "31": [], "4": [], "5": [], "6": [], "7": [], "8": [], "advanc": [], "approach": 3, "architectur": [], "arg": [], "artefact": [], "attribut": [], "avail": [], "aw": [], "ban": [], "block": [], "bug": [], "changelog": [], "choos": [], "classif": [], "code": [], "codebas": [], "commit": [], "commun": [], "compos": [], "conda": 2, "conduct": [], "connect": [], "continu": [], "contribut": [], "contributor": [], "convent": [], "correct": [], "coven": [], "custom": [], "data": [], "dataload": [], "dataset": [], "detect": 3, "develop": [], "do": [], "doctr": [0, 1, 3, 4], "document": [0, 1], "end": 3, "enforc": [], "evalu": [], "export": 3, "factori": [], "featur": [], "feedback": [], "file": 0, "from": [], "gener": [], "get": 1, "git": 2, "guidelin": [], "half": [], "hub": [], "huggingfac": [], "i": [], "infer": [], "instal": 2, "integr": [], "io": [], "lambda": [], "let": [], "line": [], "linux": [], "load": [], "loader": [], "main": [], "mode": [], "model": 3, "modifi": [], "name": [], "notebook": [], "object": [], "ocr": 3, "onli": [], "onnx": [], "optim": [], "option": [], "our": [], "output": 3, "own": [], "packag": [1, 2], "page": [], "perman": [], "pledg": [], "post": 3, "pre": 3, "precis": [], "predictor": 3, "prepar": [], "prerequisit": [], "pretrain": [], "process": 3, "push": [], "python": 2, "qualiti": [], "question": [], "read": 0, "readi": [], "recognit": [1, 3], "report": [], "request": [], "respons": [], "return": [], "right": [], "scope": [], "share": [], "should": [], "stage": 3, "standard": [], "start": 1, "structur": 0, "style": [], "support": [], "synthet": [], "task": [], "temporari": [], "test": [], "text": [1, 3], "train": [], "transform": [], "two": 3, "unit": [], "us": [], "util": 4, "v0": [], "verif": [], "via": 2, "visual": 4, "vocab": [], "warn": [], "what": [], "word": [], "your": [], "zoo": 3}})
\ No newline at end of file
+Search.setIndex({"alltitles": {"Detection models": [[3, "detection-models"]], "Detection predictors": [[3, "detection-predictors"]], "DocTR: Document Text Recognition": [[1, "doctr-document-text-recognition"]], "Document structure": [[0, "document-structure"]], "End-to-End OCR": [[3, "end-to-end-ocr"]], "File reading": [[0, "file-reading"]], "Getting Started": [[1, null]], "Installation": [[2, "installation"]], "Model export": [[3, "model-export"]], "Package Documentation": [[1, null]], "Post-processing outputs": [[3, "post-processing-outputs"], [3, "id1"]], "Pre-processing for detection": [[3, "pre-processing-for-detection"]], "Pre-processing for recognition": [[3, "pre-processing-for-recognition"]], "Recognition models": [[3, "recognition-models"]], "Recognition predictors": [[3, "recognition-predictors"]], "Text Detection": [[3, "text-detection"]], "Text Recognition": [[3, "text-recognition"]], "Text detection model zoo": [[3, "id2"]], "Text recognition model zoo": [[3, "id3"]], "Two-stage approaches": [[3, "two-stage-approaches"]], "Via Conda": [[2, "via-conda"]], "Via Git": [[2, "via-git"]], "Via Python Package": [[2, "via-python-package"]], "Visualization": [[4, "visualization"]], "doctr.documents": [[0, "doctr-documents"]], "doctr.models": [[3, "doctr-models"]], "doctr.utils": [[4, "doctr-utils"]]}, "docnames": ["documents", "index", "installing", "models", "utils"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["documents.rst", "index.rst", "installing.rst", "models.rst", "utils.rst"], "indexentries": {"artefact (class in doctr.documents)": [[0, "doctr.documents.Artefact", false]], "block (class in doctr.documents)": [[0, "doctr.documents.Block", false]], "convert_to_fp16() (in module doctr.models.export)": [[3, "doctr.models.export.convert_to_fp16", false]], "convert_to_tflite() (in module doctr.models.export)": [[3, "doctr.models.export.convert_to_tflite", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.crnn_vgg16_bn", false]], "crnn_vgg16_bn_predictor() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.crnn_vgg16_bn_predictor", false]], "db_resnet50() (in module doctr.models.detection)": [[3, "doctr.models.detection.db_resnet50", false]], "db_resnet50_predictor() (in module doctr.models.detection)": [[3, "doctr.models.detection.db_resnet50_predictor", false]], "doctr": [[1, "module-doctr", false]], "document (class in doctr.documents)": [[0, "doctr.documents.Document", false]], "line (class in doctr.documents)": [[0, "doctr.documents.Line", false]], "module": [[1, "module-doctr", false]], "ocr_db_crnn() (in module doctr.models.zoo)": [[3, "doctr.models.zoo.ocr_db_crnn", false]], "page (class in doctr.documents)": [[0, "doctr.documents.Page", false]], "quantize_model() (in module doctr.models.export)": [[3, "doctr.models.export.quantize_model", false]], "read_img() (in module doctr.documents)": [[0, "doctr.documents.read_img", false]], "read_pdf() (in module doctr.documents)": [[0, "doctr.documents.read_pdf", false]], "sar_vgg16_bn() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.sar_vgg16_bn", false]], "sar_vgg16_bn_predictor() (in module doctr.models.recognition)": [[3, "doctr.models.recognition.sar_vgg16_bn_predictor", false]], "visualize_page() (in module doctr.utils.visualization)": [[4, "doctr.utils.visualization.visualize_page", false]], "word (class in doctr.documents)": [[0, "doctr.documents.Word", false]]}, "objects": {"": [[1, 0, 0, "-", "doctr"]], "doctr.documents": [[0, 1, 1, "", "Artefact"], [0, 1, 1, "", "Block"], [0, 1, 1, "", "Document"], [0, 1, 1, "", "Line"], [0, 1, 1, "", "Page"], [0, 1, 1, "", "Word"], [0, 2, 1, "", "read_img"], [0, 2, 1, "", "read_pdf"]], "doctr.models.detection": [[3, 2, 1, "", "db_resnet50"], [3, 2, 1, "", "db_resnet50_predictor"]], "doctr.models.export": [[3, 2, 1, "", "convert_to_fp16"], [3, 2, 1, "", "convert_to_tflite"], [3, 2, 1, "", "quantize_model"]], "doctr.models.recognition": [[3, 2, 1, "", "crnn_vgg16_bn"], [3, 2, 1, "", "crnn_vgg16_bn_predictor"], [3, 2, 1, "", "sar_vgg16_bn"], [3, 2, 1, "", "sar_vgg16_bn_predictor"]], "doctr.models.zoo": [[3, 2, 1, "", "ocr_db_crnn"]], "doctr.utils.visualization": [[4, 2, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:function"}, "terms": {"": [0, 4], "0": 4, "00": [], "01": [], "0123456789": [], "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "02562": [], "03": [], "035": [], "0361328125": [], "04": [], "05": [], "06": [], "06640625": [], "07": [], "08": [], "09": [], "0966796875": [], "1": [3, 4], "10": [], "100": [], "1000": [], "101": [], "1024": 3, "104": [], "106": [], "108": [], "1095": [], "11": [], "110": [], "1107": [], "114": [], "1156": [], "116": [], "118": [], "11800h": [], "11th": [], "12": [], "120": [], "123": [], "126": [], "1268": [], "128": 3, "13": [], "130": [], "13068": [], "131": [], "1337891": [], "1357421875": [], "1396484375": [], "14": [], "1420": [], "14470v1": [], "149": [], "15": [], "150": [], "1552": [], "16": 3, "1630859375": [], "1684": [], "16bn": 3, "16x16": [], "17": [], "1778": [], "1782": [], "18": [], "185546875": [], "1900": [], "1910": [], "19342": [], "19370": [], "195": [], "19598": [], "199": [], "1999": [], "2": [], "20": [], "200": [], "2000": [], "2003": [], "2012": [], "2013": [], "2015": [], "2019": [], "207901": [], "21": [], "2103": [], "2186": [], "21888": [], "22": [], "224": 3, "225": [], "22672": [], "229": [], "23": [], "233": [], "234": [], "24": [], "246": [], "249": [], "25": [], "2504": [], "255": [3, 4], "256": 3, "257": [], "26": [], "26032": [], "264": [], "27": [], "2700": [], "2710": [], "2749": [], "28": [], "287": [], "29": [], "296": [], "299": [], "2d": [], "3": [0, 2, 3, 4], "30": [], "300": [], "3000": [], "301": [], "30595": [], "30ghz": [], "31": [], "32": 3, "3232421875": [], "33": [], "33402": [], "33608": [], "34": [], "340": [], "3456": [], "3515625": [], "36": [], "360": [], "37": [], "38": [], "39": [], "4": [], "40": [], "406": [], "41": [], "42": [], "43": [], "44": [], "45": [], "456": [], "46": [], "47": [], "472": [], "48": [], "485": [], "49": [], "49377": [], "5": [], "50": 3, "51": [], "51171875": [], "512": 3, "52": [], "529": [], "53": [], "54": [], "540": [], "5478515625": [], "55": [], "56": [], "57": [], "58": [], "580": [], "5810546875": [], "583": [], "59": [], "597": [], "5k": [], "5m": [], "6": 2, "60": [], "600": [3, 4], "61": [], "62": [], "626": [], "63": [], "64": 3, "641": [], "647": [], "65": [], "66": [], "67": [], "68": [], "69": [], "693": [], "694": [], "695": [], "6m": [], "7": [], "70": [], "707470": [], "71": [], "7100000": [], "7141797": [], "7149": [], "72": [], "72dpi": [], "73": [], "73257": [], "74": [], "75": [], "7581382": [], "76": [], "77": [], "772": [], "772875": [], "78": [], "785": [], "79": [], "793533": [], "796": [], "798": [], "7m": [], "8": [], "80": [], "800": [3, 4], "81": [], "82": [], "83": [], "84": [], "849": [], "85": [], "8564453125": [], "857": [], "85875": [], "86": [], "8603515625": [], "87": [], "8707": [], "88": [], "89": [], "9": [], "90": [], "90k": [], "90kdict32px": [], "91": [], "914085328578949": [], "92": [], "93": [], "94": [], "95": [], "9578408598899841": [], "96": [], "98": [], "99": [], "9949972033500671": [], "A": 3, "As": [], "Be": [], "Being": [], "By": [], "For": 3, "If": [0, 3], "In": 3, "It": [], "Its": [], "No": [], "Of": [], "Or": [], "The": [0, 3], "Then": [], "To": [], "_": [], "__call__": [], "_build": [], "_i": [], "ab": [], "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "abdef": [], "abl": [], "about": [], "abov": [], "abstractdataset": [], "abus": [], "accept": [], "access": 0, "account": [], "accur": [], "accuraci": 3, "achiev": [], "act": [], "action": [], "activ": [], "ad": [], "adapt": [], "add": [], "add_hook": [], "add_label": [], "addit": [], "addition": [], "address": [], "adjust": [], "advanc": [], "advantag": [], "advis": [], "aesthet": [], "affect": [], "after": [], "ag": [], "again": [], "aggreg": [], "aggress": [], "align": [], "all": 0, "allow": [], "along": [], "alreadi": [], "also": [], "alwai": [], "an": [0, 1, 3], "analysi": [0, 3], "ancient_greek": [], "angl": 0, "ani": [0, 3, 4], "annot": [], "anot": [], "anoth": [], "answer": [], "anyascii": [], "anyon": [], "anyth": [], "api": [], "apolog": [], "apologi": [], "app": [], "appear": [], "appli": [], "applic": [], "appoint": [], "appreci": [], "appropri": [], "ar": [0, 4], "arab": [], "arabic_diacrit": [], "arabic_lett": [], "arabic_punctu": [], "arbitrarili": [], "arch": [], "architectur": [1, 3], "area": [], "argument": [], "around": 3, "arrai": 4, "art": 1, "artefact": 0, "artefact_typ": 0, "artifici": [], "arxiv": [], "asarrai": [], "ascii_lett": [], "aspect": [], "assess": [], "assign": [], "associ": 0, "assum": [], "assume_straight_pag": [], "astyp": [3, 4], "attack": [], "attend": 3, "attent": [], "autom": 1, "automat": [], "autoregress": [], "avail": [], "averag": [], "avoid": [], "aw": [], "awar": [], "azur": [], "b": [], "b_j": [], "back": [], "backbon": 3, "backend": 3, "background": [], "bar": [], "bar_cod": [], "base": [], "baselin": 3, "batch": 3, "batch_siz": [], "bblanchon": [], "bbox": [], "becaus": [], "been": [], "befor": [], "begin": [], "behavior": [], "being": [], "belong": [], "benchmark": [], "best": [], "better": [], "between": [], "bgr": 0, "bilinear": 3, "bin_thresh": [], "binar": 3, "binari": 3, "bit": [], "block": [0, 3, 4], "block_1_1": [], "blur": [], "bmvc": [], "bn": [], "bodi": [], "bool": [0, 3, 4], "boolean": [], "both": [], "bottom": [], "bound": [0, 3], "box": [0, 3], "box_thresh": [], "bright": [], "browser": [], "build": [], "built": [], "byte": 3, "c": 2, "c_j": [], "cach": [], "cache_sampl": [], "callabl": [], "can": 3, "capabl": [], "case": [], "cf": [], "cfg": [], "challeng": [], "challenge2_test_task12_imag": [], "challenge2_test_task1_gt": [], "challenge2_training_task12_imag": [], "challenge2_training_task1_gt": [], "chang": [], "channel": [0, 3], "channel_prior": [], "channelshuffl": [], "charact": 3, "charactergener": [], "characterist": [], "charg": 3, "charset": [], "chart": [], "check": [], "checkpoint": [], "chip": [], "ci": [], "clarifi": [], "clariti": [], "class": 0, "class_nam": [], "classif": 3, "classif_mobilenet_v3_smal": [], "classmethod": [], "clear": [], "clone": 2, "close": [], "co": [], "code": [], "codecov": [], "colab": [], "collate_fn": [], "collect": 0, "color": [], "colorinvers": [], "column": [], "com": 2, "combin": 3, "come": [], "command": [], "comment": [], "commit": [], "common": [], "commun": [], "compar": 1, "comparison": [], "competit": [], "compil": [], "complaint": [], "complementari": 4, "complet": [], "compon": 3, "compos": 3, "comprehens": [], "comput": [], "conda": 1, "conf_threshold": [], "confid": 0, "config": [], "configur": [], "confus": [], "consecut": 3, "consequ": [], "consid": [], "consist": [], "consolid": [], "constant": [], "construct": [], "contact": [], "contain": [], "content": 0, "context": [], "contib": [], "continu": [], "contrast": [], "contrast_factor": [], "contrib": [], "contribut": [], "contributor": [], "conv_sequ": 3, "convers": 0, "convert": [0, 3], "convert_to_fp16": 3, "convert_to_tflit": 3, "convolut": 3, "coordin": 0, "cord": [], "core": 4, "corner": [], "correct": [], "correspond": 3, "could": [], "counterpart": [], "cover": [], "coverag": [], "cpu": [], "creat": [], "crnn": 3, "crnn_mobilenet_v3_larg": [], "crnn_mobilenet_v3_smal": [], "crnn_vgg16_bn": 3, "crnn_vgg16_bn_predictor": 3, "crop": 3, "crop_orient": [], "crop_orientation_predictor": [], "cuda": [], "currenc": [], "current": [], "custom": [], "customhook": [], "cvit": [], "czczup": [], "czech": [], "d": [], "danish": [], "data": [0, 3], "dataload": [], "dataset": [], "dataset_info": [], "date": [], "db": [], "db_mobilenet_v3_larg": [], "db_resnet34": [], "db_resnet50": 3, "db_resnet50_predictor": 3, "dbnet": 3, "decis": [], "decod": 0, "decode_img_as_tensor": [], "deem": [], "deep": 3, "def": [], "default": [0, 3], "defer": [], "defin": [], "deform": 3, "degre": [], "degress": 0, "delet": [], "delimit": [], "delta": [], "demo": [], "demonstr": [], "depend": [], "deploi": [], "deploy": [], "derogatori": [], "describ": 3, "descript": [], "design": [], "desir": [], "det_arch": [], "det_b": [], "det_model": [], "det_param": [], "det_predictor": [], "detail": [], "detect": [], "detect_languag": [], "detect_orient": [], "detection_predictor": [], "detectiondataset": [], "detectionmetr": [], "detectionpredictor": 3, "detector": [], "deterior": [], "determin": [], "dev": [], "develop": [], "developp": 2, "deviat": [], "devic": [], "dict": [0, 4], "dictionari": 0, "differ": [], "differenti": 3, "digit": [], "dimens": [0, 3, 4], "dimension": [], "direct": [], "directli": 3, "directori": [], "disabl": [], "disclaim": [], "discuss": [], "disparag": [], "displai": 4, "display_artefact": [], "distribut": [], "div": [], "divers": [], "divid": [], "do": [], "doc": 0, "docartefact": [], "docstr": [], "doctr": 2, "doctr_cache_dir": [], "doctr_multiprocessing_dis": [], "document": [3, 4], "documentbuild": [], "documentfil": [], "don": [], "done": [], "download": [], "downsiz": [], "draw": [], "drop": [], "drop_last": [], "dtype": 3, "dual": [], "dummi": [], "dummy_img": [], "dummy_input": [], "dure": [], "dutch": [], "dynam": [], "dynamic_seq_length": [], "e": 2, "each": [0, 3], "eas": [], "easi": [1, 4], "easier": 3, "easili": 0, "econom": [], "edit": [], "educ": [], "effici": [], "either": 3, "element": [0, 3], "els": [], "email": [], "empathi": [], "en": [], "enabl": 0, "enclos": 0, "encod": [], "encode_sequ": [], "encount": [], "encrypt": [], "end": [], "english": [], "enhanc": 3, "enough": [], "ensur": [], "entri": [], "environ": [], "eo": [], "equiv": [], "estim": [], "etc": [], "ethnic": [], "evalu": [], "event": [], "everyon": [], "everyth": [], "exact": [], "exampl": [0, 3, 4], "exchang": [], "exclud": 3, "execut": [], "exist": [], "expand": [], "expect": [0, 3], "experi": [], "explan": [], "explicit": [], "exploit": [], "export": [0, 4], "export_as_straight_box": [], "export_as_xml": [], "export_model_to_onnx": [], "express": [], "extens": [], "extern": [], "extract": [1, 3], "extractor": 3, "f_": [], "f_a": [], "factor": [], "fair": [], "fairli": [], "fals": 3, "faq": [], "fascan": [], "fast": [], "fast_bas": [], "fast_smal": [], "fast_tini": [], "faster": [], "fasterrcnn_mobilenet_v3_large_fpn": [], "favorit": [], "featur": [3, 4], "feedback": [], "feel": [], "felix92": [], "few": [], "figsiz": [], "figur": [], "file": [], "file_path": 0, "final": [], "find": [], "finnish": [], "first": [], "firsthand": [], "fit": [], "flag": [], "flip": [], "float": 0, "float32": 3, "fn": [], "focu": [], "focus": [], "folder": [], "follow": 3, "font": [], "font_famili": [], "foral": [], "forc": [], "forg": [], "form": [], "format": [0, 3], "forpost": [], "forum": [], "fp": 3, "fp16": 3, "frac": [], "framework": [], "free": [], "french": [], "friendli": [], "from": [0, 1, 3, 4], "from_hub": [], "from_imag": [], "from_pdf": [], "from_url": [], "full": [3, 4], "function": [3, 4], "funsd": [], "further": [], "futur": [], "g": [], "g_": [], "g_x": [], "gamma": [], "gaussian": [], "gaussianblur": [], "gaussiannois": [], "gen": [], "gender": [], "gener": [], "geometri": 0, "geq": [], "german": [], "get": [], "git": 1, "github": 2, "give": [], "given": 3, "global": [], "go": [], "good": [], "googl": [], "googlevis": [], "gpu": [], "gracefulli": [], "graph": [], "grayscal": [], "ground": [], "groung": [], "group": [], "gt": [], "gt_box": [], "gt_label": [], "guid": [], "guidanc": [], "gvision": [], "h": 0, "h_": [], "ha": [], "half": 3, "handl": [], "handwrit": [], "handwritten": [], "harass": [], "hardwar": [], "harm": [], "hat": [], "have": 4, "head": [], "healthi": [], "hebrew": [], "height": 0, "hello": [], "help": [], "here": [], "hf": [], "hf_hub_download": [], "high": 0, "higher": [], "hindi_digit": [], "hocr": [], "hook": [], "horizont": [], "hous": [], "how": [], "howev": [], "hsv": [], "html": [], "http": 2, "hub": [], "hue": [], "huggingfac": [], "hw": [], "i": 3, "i7": [], "ic03": [], "ic13": [], "icdar": [], "icdar2019": [], "id": [], "ident": [], "identifi": 3, "iiit": [], "iiit5k": [], "iiithw": [], "imag": [0, 3, 4], "imagenet": 3, "imageri": [], "images_90k_norm": [], "img": [], "img_cont": [], "img_fold": [], "img_path": [], "img_transform": [], "imgur5k": [], "imgur5k_annot": [], "imlist": [], "impact": [], "implement": [0, 3], "import": [0, 3, 4], "improv": [], "inappropri": [], "incid": [], "includ": 3, "inclus": [], "increas": [], "index": 0, "indic": [], "individu": [], "infer": [], "inform": [1, 3], "input": [0, 3], "input_crop": [], "input_pag": [3, 4], "input_shap": 3, "input_tensor": 3, "inspir": [], "instal": 1, "instanc": 3, "instanti": [], "instead": 0, "insult": [], "int": [0, 3], "int64": [], "integ": [], "integr": [], "intel": [], "interact": [], "interfac": [], "interoper": [], "interpol": 3, "interpret": [], "intersect": [], "invert": [], "investig": [], "invis": [], "involv": 3, "io": [], "iou": [], "iou_thresh": [], "iou_threshold": [], "irregular": 3, "isn": [], "issu": [], "italian": [], "iter": [], "its": [], "itself": [], "j": [], "job": [], "join": [], "jpeg": [], "jpegqual": [], "jpg": 0, "json": [], "json_output": [], "jump": [], "just": [], "kei": [], "kera": 3, "kernel": [], "kernel_s": 3, "kernel_shap": [], "keywoard": [], "keyword": [], "kie": [], "kie_predictor": [], "kiepredictor": [], "kind": [], "know": [], "kwarg": [0, 3], "l": [], "l_j": [], "label": [], "label_fil": [], "label_fold": [], "label_path": [], "labels_path": [], "ladder": [], "lambda": [], "lambdatransform": [], "lang": [], "languag": [0, 1], "larg": [], "largest": [], "last": [2, 3], "latenc": [], "later": [], "latest": [], "latin": [], "layer": [], "layout": [], "lead": [], "leader": [], "learn": 3, "least": [], "left": [], "legacy_french": [], "length": [], "less": [], "let": 3, "level": [], "leverag": [], "lf": [], "librari": 2, "light": [], "like": [], "limits_": [], "line": [0, 4], "line_1_1": [], "link": [], "linknet": [], "linknet_resnet18": [], "linknet_resnet34": [], "linknet_resnet50": [], "list": 0, "ll": [], "load": [], "load_state_dict": [], "load_weight": [], "loc_pr": [], "local": 3, "localis": [], "localizationconfus": [], "locat": [], "login": [], "login_to_hub": [], "logo": [], "love": [], "lower": [], "m": [], "m1": [], "macbook": [], "machin": [], "made": [], "magc_resnet31": [], "mai": [], "mail": [], "main": [], "maintain": [], "mainten": [], "make": [3, 4], "mani": [], "manipul": [], "map": 3, "map_loc": [], "master": [], "match": [], "mathcal": [], "matplotlib": 4, "max": [], "max_angl": [], "max_area": [], "max_char": [], "max_delta": [], "max_gain": [], "max_gamma": [], "max_qual": [], "max_ratio": [], "maximum": [], "maxval": 3, "mbox": [], "mean": [], "meaniou": [], "meant": [], "measur": [], "media": [], "median": [], "meet": [], "member": [], "memori": [], "mention": [], "merg": [], "messag": [], "meta": [], "metadata": [], "metal": [], "method": [], "metric": [], "middl": [], "might": [], "min": [], "min_area": [], "min_char": [], "min_gain": [], "min_gamma": [], "min_qual": [], "min_ratio": [], "min_val": [], "minde": 2, "minim": [], "minimalist": [], "minimum": [], "minval": [], "miss": [], "mistak": [], "mixed_float16": [], "mixed_precis": [], "mjsynth": [], "mnt": [], "mobilenet": [], "mobilenet_v3_larg": [], "mobilenet_v3_large_r": [], "mobilenet_v3_smal": [], "mobilenet_v3_small_crop_orient": [], "mobilenet_v3_small_r": [], "mobilenetv3": [], "modal": [], "mode": 2, "model": [1, 4], "model_nam": [], "model_path": [], "moder": [], "modif": [], "modifi": [], "modul": [0, 3, 4], "more": [], "most": 3, "mozilla": [], "multi": [], "multilingu": [], "multipl": [], "multipli": [], "multiprocess": [], "my": [], "my_awesome_model": [], "my_hook": [], "n": [], "name": [], "nation": [], "natur": 1, "ndarrai": [0, 4], "necessari": [], "need": 4, "neg": [], "nest": [], "network": [], "neural": [], "new": [], "newer": 2, "next": [], "nois": [], "noisi": [], "non": [0, 4], "none": [0, 4], "normal": 3, "norwegian": [], "note": [], "now": [], "np": [3, 4], "num_output_channel": [], "num_sampl": [], "num_work": [], "number": [], "numpi": [0, 3, 4], "o": [], "obb": [], "obj_detect": [], "object": [], "oblig": [], "obtain": [], "occupi": [], "ocr": [], "ocr_carea": [], "ocr_db_crnn": [3, 4], "ocr_lin": [], "ocr_pag": [], "ocr_par": [], "ocr_predictor": [], "ocrdataset": [], "ocrmetr": [], "ocrpredictor": 3, "ocrx_word": [], "offens": [], "offici": [], "offlin": [], "offset": [], "onc": 3, "one": 3, "oneof": [], "ones": [], "onli": 4, "onlin": [], "onnx": [], "onnxruntim": [], "opac": [], "opacity_rang": [], "open": [], "opinion": [], "optic": 3, "optim": [], "option": [], "order": [0, 3], "org": [], "organ": 0, "orient": 0, "orientationpredictor": [], "other": [], "otherwis": [], "our": [], "out": [3, 4], "outpout": [], "output": 0, "output_s": 0, "outsid": [], "over": [], "overal": [], "overlai": [], "overview": [], "overwritten": [], "own": 1, "p": [], "packag": 4, "pad": 3, "page": [0, 4], "page1": [], "page2": [], "page_1": [], "page_idx": 0, "pair": [], "paper": [], "par_1_1": [], "paragraph": [], "paragraph_break": [], "param": 3, "paramet": [0, 3, 4], "pars": [], "parseq": [], "part": [], "parti": [], "partial": [], "particip": [], "pass": 3, "password": [], "patch": [], "path": 0, "path_to_checkpoint": [], "path_to_pt": [], "pattern": [], "pdf": 0, "pdfpage": [], "peopl": [], "per": [], "perform": [0, 1, 3], "period": [], "permiss": [], "permut": [], "persian_lett": [], "person": [], "phase": [], "photo": [], "physic": [], "pick": [], "pictur": [], "pip": 2, "pipelin": [], "pixel": 0, "pleas": [], "plot": [], "plt": 4, "plug": [], "plugin": [], "png": [], "point": [], "polici": [], "polish": [], "polit": [], "polygon": [], "pool": [], "portugues": [], "posit": [], "possibl": [], "post": [], "postprocessor": 3, "potenti": 3, "power": 1, "ppageno": [], "pre": [], "precis": 3, "pred": [], "pred_box": [], "pred_label": [], "predefin": [], "predict": [0, 4], "predictor": [], "prefer": [], "preinstal": [], "preprocessor": 3, "prerequisit": [], "present": [], "preserv": [], "preserve_aspect_ratio": [], "pretrain": [3, 4], "pretrained_backbon": [], "print": [], "prior": [], "privaci": [], "privat": [], "probabl": [], "problem": [], "procedur": [], "process": [0, 1], "processor": [], "produc": 3, "product": [], "profession": [], "project": [], "promptli": [], "proper": [], "properli": [], "provid": [1, 3], "public": [], "publicli": [], "publish": [], "pull": [], "punctuat": [], "pure": [], "purpos": 3, "push_to_hf_hub": [], "py": [], "pypdfium2": [], "pyplot": 4, "python": 1, "python3": [], "pytorch": [], "q": [], "qr": [], "qr_code": [], "qualiti": [], "quantiz": 3, "quantize_model": 3, "question": [], "quickli": 1, "quicktour": [], "r": [], "race": [], "ramdisk": [], "rand": [3, 4], "random": [3, 4], "randomappli": [], "randombright": [], "randomcontrast": [], "randomcrop": [], "randomgamma": [], "randomhorizontalflip": [], "randomhu": [], "randomjpegqu": [], "randomli": [], "randomrot": [], "randomsatur": [], "randomshadow": [], "rang": [], "rassi": [], "ratio": [], "raw": 0, "re": [], "read": 3, "read_html": [], "read_img": 0, "read_img_as_numpi": [], "read_img_as_tensor": [], "read_pdf": 0, "readi": [], "real": 3, "reason": [], "rebuild": [], "rebuilt": [], "recal": 3, "receipt": [], "reco_arch": [], "reco_b": [], "reco_model": [], "reco_param": [], "reco_predictor": [], "recogn": [], "recognit": [], "recognition_predictor": [], "recognition_task": [], "recognitiondataset": [], "recognitionpredictor": 3, "rectangular": [], "reduc": [], "refer": [], "regardless": [], "region": [], "regroup": 4, "regular": [], "reject": [], "rel": 0, "relat": [], "releas": 2, "relev": [], "religion": [], "relu": 3, "remov": [], "render": [], "repo": [], "repo_id": [], "report": [], "repositori": [], "repres": [], "represent": [], "request": [], "requir": 2, "research": 1, "residu": [], "resiz": 3, "resnet": 3, "resnet18": [], "resnet31": [], "resnet34": [], "resnet50": [], "resolv": 0, "resolve_block": [], "resolve_lin": [], "resourc": [], "respect": [], "rest": 4, "restrict": [], "result": 0, "return": [0, 3], "reusabl": 3, "review": [], "rgb": 0, "rgb_mode": [], "rgb_output": 0, "right": 3, "rnn": 3, "robust": [], "root": [], "rotat": 0, "run": [], "same": 4, "sampl": [], "sample_transform": [], "sar": 3, "sar_resnet31": [], "sar_vgg16_bn": 3, "sar_vgg16_bn_predictor": 3, "satur": [], "save": [], "scale": [], "scan": [], "scene": 3, "scheme": 3, "score": [], "script": [], "seamless": [], "seamlessli": [], "search": [], "searchabl": [], "sec": [], "second": [], "section": [], "secur": [], "see": [], "seemlessli": 1, "seen": 3, "segment": 3, "self": [], "semant": [], "send": [], "sens": 4, "sensit": [], "separ": 3, "sequenc": 3, "sequenti": 3, "seri": [], "serial": 3, "serialized_model": 3, "seriou": [], "set": 3, "set_global_polici": [], "sever": [], "sex": [], "sexual": [], "shade": [], "shape": [0, 3, 4], "share": [], "shift": [], "shm": [], "should": [0, 4], "show": [3, 4], "showcas": [], "shuffl": [], "side": [], "signatur": [], "signific": [], "simpl": 3, "simpler": [], "sinc": [], "singl": [], "size": [0, 3], "skew": [], "slack": [], "slightli": [], "small": [], "smallest": 0, "snapshot_download": [], "snippet": [], "so": [], "social": [], "socio": [], "some": [], "someth": [], "somewher": [], "soon": [], "sort": [], "sourc": [0, 3, 4], "space": [], "span": [], "spanish": [], "spatial": [], "specif": [], "specifi": 0, "speed": [], "sphinx": [], "sroie": [], "stabl": 2, "stackoverflow": [], "stage": [], "standard": [], "start": [], "state": 1, "static": [], "statist": 3, "statu": [], "std": [], "step": [], "still": [], "str": [0, 4], "straight": [], "straighten_pag": [], "stream": [], "street": [], "strict": [], "strictli": [], "string": [0, 3], "strive": [], "strong": 3, "structur": 3, "subset": [], "suggest": [], "sum": [], "summari": [], "support": [], "sustain": [], "svhn": [], "svt": [], "swedish": [], "symbol": 3, "symmetr": [], "symmetric_pad": [], "synthet": [], "synthtext": [], "system": [], "t": [], "tabl": [], "take": [], "target": 3, "target_s": [], "task": [1, 3], "task2": [], "team": [], "techminde": [], "templat": [], "tensor": 3, "tensorflow": 3, "tensorspec": [], "term": [], "test": [], "test_set": [], "text": 0, "text_output": [], "textmatch": [], "textnet": [], "textnet_bas": [], "textnet_smal": [], "textnet_tini": [], "textract": [], "textstylebrush": [], "textual": 0, "tf": 3, "tf_model": 3, "tflite": 3, "than": 4, "thank": [], "thei": [], "them": [], "thi": [2, 3, 4], "thing": [], "third": [], "those": 3, "threaten": [], "threshold": [], "through": [], "tilman": [], "time": 3, "tini": [], "titl": [], "tm": [], "tmp": [], "togeth": 3, "tograi": [], "tool": [], "top": [], "topic": [], "torch": [], "torchvis": [], "total": [], "toward": [], "train": 3, "train_it": [], "train_load": [], "train_pytorch": [], "train_set": [], "train_tensorflow": [], "trainabl": [], "tranform": [], "transcrib": [], "transfer": [], "transfo": [], "transform": [], "translat": [], "troll": [], "true": [0, 3, 4], "truth": [], "tune": [], "tupl": [0, 3], "turn": 3, "two": [], "txt": [], "type": [0, 3], "typic": [], "u": [], "ucsd": [], "udac": [], "uint8": [3, 4], "unaccept": [], "underli": [], "underneath": [], "understand": 1, "uniform": 3, "uniformli": [], "uninterrupt": [], "union": [], "unittest": [], "unlock": [], "unoffici": [], "unprofession": [], "unsolicit": [], "unsupervis": [], "unwelcom": [], "up": [], "updat": [], "upgrad": [], "upper": [], "uppercas": [], "url": [], "us": [2, 3, 4], "usabl": 3, "usag": 3, "use_polygon": [], "useabl": [], "user": 0, "utf": [], "util": [1, 3], "v1": [], "v3": [], "valid": [], "valu": 0, "valuabl": 1, "variabl": [], "varieti": [], "veri": [], "version": 3, "vgg": 3, "vgg16": 3, "vgg16_bn_r": [], "via": 1, "vietnames": [], "view": [], "viewpoint": [], "violat": [], "visibl": [], "vision": [], "visiondataset": [], "visiontransform": [], "visual": [], "visualize_pag": 4, "vit_": [], "vit_b": [], "vitstr": [], "vitstr_bas": [], "vitstr_smal": [], "viz": [], "vocab": [], "vocabulari": [], "w": 0, "w3": [], "wa": [], "wai": 1, "want": [], "warmup": [], "wasn": [], "we": [], "weasyprint": [], "web": [], "websit": [], "weight": [], "welcom": [], "well": [], "were": [], "what": [], "when": [], "whenev": [], "where": 0, "whether": [0, 4], "which": 3, "whichev": [], "while": [], "why": [], "width": 0, "wiki": [], "wildreceipt": [], "window": [], "wish": [], "within": [], "without": 3, "wonder": [], "word": [0, 4], "word_1_1": [], "word_1_2": [], "word_1_3": [], "wordgener": [], "words_onli": 4, "work": [], "worker": [], "workflow": [], "worklow": [], "world": [], "worth": [], "wrap": [], "wrapper": [], "write": [], "written": [], "www": [], "x": 0, "x_ascend": [], "x_descend": [], "x_i": [], "x_size": [], "x_wconf": [], "xhtml": [], "xmax": 0, "xmin": 0, "xml": [], "xml_bytes_str": [], "xml_element": [], "xml_output": [], "xmln": [], "y": [], "y_i": [], "y_j": [], "yet": [], "ymax": 0, "ymin": 0, "yolov8": [], "you": 3, "your": [0, 1, 4], "yoursit": [], "zero": 3, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": [], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": [], "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": [], "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": [], "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": [], "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": [], "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": [], "\u00e4\u00f6\u00e4\u00f6": [], "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": [], "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": [], "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": [], "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": [], "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": [], "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": [], "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "\u067e\u0686\u06a2\u06a4\u06af": []}, "titles": ["doctr.documents", "DocTR: Document Text Recognition", "Installation", "doctr.models", "doctr.utils"], "titleterms": {"": [], "0": [], "01": [], "02": [], "03": [], "04": [], "05": [], "07": [], "08": [], "09": [], "1": [], "10": [], "11": [], "12": [], "18": [], "2": [], "2021": [], "2022": [], "2023": [], "2024": [], "22": [], "27": [], "28": [], "29": [], "3": [], "31": [], "4": [], "5": [], "6": [], "7": [], "8": [], "advanc": [], "approach": 3, "architectur": [], "arg": [], "artefact": [], "artefactdetect": [], "attribut": [], "avail": [], "aw": [], "ban": [], "block": [], "bug": [], "changelog": [], "choos": [], "classif": [], "code": [], "codebas": [], "commit": [], "commun": [], "compos": [], "conda": 2, "conduct": [], "connect": [], "continu": [], "contrib": [], "contribut": [], "contributor": [], "convent": [], "correct": [], "coven": [], "custom": [], "data": [], "dataload": [], "dataset": [], "detect": 3, "develop": [], "do": [], "doctr": [0, 1, 3, 4], "document": [0, 1], "end": 3, "enforc": [], "evalu": [], "export": 3, "factori": [], "featur": [], "feedback": [], "file": 0, "from": [], "gener": [], "get": 1, "git": 2, "guidelin": [], "half": [], "hub": [], "huggingfac": [], "i": [], "infer": [], "instal": 2, "integr": [], "io": [], "lambda": [], "let": [], "line": [], "linux": [], "load": [], "loader": [], "main": [], "mode": [], "model": 3, "modifi": [], "modul": [], "name": [], "notebook": [], "object": [], "ocr": 3, "onli": [], "onnx": [], "optim": [], "option": [], "our": [], "output": 3, "own": [], "packag": [1, 2], "page": [], "perman": [], "pipelin": [], "pledg": [], "post": 3, "pre": 3, "precis": [], "predictor": 3, "prepar": [], "prerequisit": [], "pretrain": [], "process": 3, "push": [], "python": 2, "qualiti": [], "question": [], "read": 0, "readi": [], "recognit": [1, 3], "report": [], "request": [], "respons": [], "return": [], "right": [], "scope": [], "share": [], "should": [], "stage": 3, "standard": [], "start": 1, "structur": 0, "style": [], "support": [], "synthet": [], "task": [], "temporari": [], "test": [], "text": [1, 3], "train": [], "transform": [], "two": 3, "unit": [], "us": [], "util": 4, "v0": [], "verif": [], "via": 2, "visual": 4, "vocab": [], "warn": [], "what": [], "word": [], "your": [], "zoo": 3}})
\ No newline at end of file
diff --git a/v0.1.0/using_doctr/custom_models_training.html b/v0.1.0/using_doctr/custom_models_training.html
index c0727fafce..5dd87ae891 100644
--- a/v0.1.0/using_doctr/custom_models_training.html
+++ b/v0.1.0/using_doctr/custom_models_training.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/using_doctr/running_on_aws.html b/v0.1.0/using_doctr/running_on_aws.html
index 7fb7642af7..3823224a32 100644
--- a/v0.1.0/using_doctr/running_on_aws.html
+++ b/v0.1.0/using_doctr/running_on_aws.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
AWS Lambda - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -262,12 +264,12 @@ AWS Lambda
-
+
Next
- doctr.datasets
+ doctr.contrib
diff --git a/v0.1.0/using_doctr/sharing_models.html b/v0.1.0/using_doctr/sharing_models.html
index 512b8f95ac..6739f0fd09 100644
--- a/v0.1.0/using_doctr/sharing_models.html
+++ b/v0.1.0/using_doctr/sharing_models.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Share your model with the community - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -425,14 +427,14 @@ Recognition
-
+
Previous
- Choose a ready to use dataset
+ Integrate contributions into your pipeline
diff --git a/v0.1.0/using_doctr/using_contrib_modules.html b/v0.1.0/using_doctr/using_contrib_modules.html
new file mode 100644
index 0000000000..0056bc6aaf
--- /dev/null
+++ b/v0.1.0/using_doctr/using_contrib_modules.html
@@ -0,0 +1,372 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ Integrate contributions into your pipeline - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+Integrate contributions into your pipeline¶
+The contrib module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+Available contribution modules¶
+NOTE: To use the contrib module, you need to install the onnxruntime package. You can install it using the following command:
+pip install python-doctr[contrib]
+# Or
+pip install onnxruntime # pip install onnxruntime-gpu
+
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection¶
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+from doctr.io import DocumentFile
+from doctr.contrib.artefacts import ArtefactDetection
+
+# Load the document
+doc = DocumentFile.from_images(["path/to/your/image"])
+detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+artefacts = detector(doc)
+
+# Visualize the detected artefacts
+detector.show()
+
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: YOLOv8
+NOTE: The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+from doctr.contrib import ArtefactDetection
+
+detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/v0.1.0/using_doctr/using_datasets.html b/v0.1.0/using_doctr/using_datasets.html
index 902a9ccff2..b606f789b5 100644
--- a/v0.1.0/using_doctr/using_datasets.html
+++ b/v0.1.0/using_doctr/using_datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Choose a ready to use dataset - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -502,12 +504,12 @@ Data Loading
-
+
Next
- Share your model with the community
+ Integrate contributions into your pipeline
diff --git a/v0.1.0/using_doctr/using_model_export.html b/v0.1.0/using_doctr/using_model_export.html
index 705745c9b2..70878176d8 100644
--- a/v0.1.0/using_doctr/using_model_export.html
+++ b/v0.1.0/using_doctr/using_model_export.html
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.0/using_doctr/using_models.html b/v0.1.0/using_doctr/using_models.html
index 5f87f3162c..4a4be290bd 100644
--- a/v0.1.0/using_doctr/using_models.html
+++ b/v0.1.0/using_doctr/using_models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/cord.html b/v0.1.1/_modules/doctr/datasets/cord.html
index 08ee572cbf..c5d54c90a3 100644
--- a/v0.1.1/_modules/doctr/datasets/cord.html
+++ b/v0.1.1/_modules/doctr/datasets/cord.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/detection.html b/v0.1.1/_modules/doctr/datasets/detection.html
index 344d308644..e65d2a69e1 100644
--- a/v0.1.1/_modules/doctr/datasets/detection.html
+++ b/v0.1.1/_modules/doctr/datasets/detection.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/doc_artefacts.html b/v0.1.1/_modules/doctr/datasets/doc_artefacts.html
index fe1b5fff8b..3ab9710208 100644
--- a/v0.1.1/_modules/doctr/datasets/doc_artefacts.html
+++ b/v0.1.1/_modules/doctr/datasets/doc_artefacts.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/generator/tensorflow.html b/v0.1.1/_modules/doctr/datasets/generator/tensorflow.html
index 73756d082a..f227332363 100644
--- a/v0.1.1/_modules/doctr/datasets/generator/tensorflow.html
+++ b/v0.1.1/_modules/doctr/datasets/generator/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/ic03.html b/v0.1.1/_modules/doctr/datasets/ic03.html
index 5b54988686..c2a734e880 100644
--- a/v0.1.1/_modules/doctr/datasets/ic03.html
+++ b/v0.1.1/_modules/doctr/datasets/ic03.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/ic13.html b/v0.1.1/_modules/doctr/datasets/ic13.html
index 2661a1ffe8..7cc68c56c5 100644
--- a/v0.1.1/_modules/doctr/datasets/ic13.html
+++ b/v0.1.1/_modules/doctr/datasets/ic13.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/iiit5k.html b/v0.1.1/_modules/doctr/datasets/iiit5k.html
index 809cc151cd..e90d69264d 100644
--- a/v0.1.1/_modules/doctr/datasets/iiit5k.html
+++ b/v0.1.1/_modules/doctr/datasets/iiit5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/iiithws.html b/v0.1.1/_modules/doctr/datasets/iiithws.html
index 2fecb5a00b..871ca30d48 100644
--- a/v0.1.1/_modules/doctr/datasets/iiithws.html
+++ b/v0.1.1/_modules/doctr/datasets/iiithws.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/imgur5k.html b/v0.1.1/_modules/doctr/datasets/imgur5k.html
index 2d3d7b33d8..ec15123773 100644
--- a/v0.1.1/_modules/doctr/datasets/imgur5k.html
+++ b/v0.1.1/_modules/doctr/datasets/imgur5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/loader.html b/v0.1.1/_modules/doctr/datasets/loader.html
index 5b402883c9..0b7cbfe8d5 100644
--- a/v0.1.1/_modules/doctr/datasets/loader.html
+++ b/v0.1.1/_modules/doctr/datasets/loader.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/mjsynth.html b/v0.1.1/_modules/doctr/datasets/mjsynth.html
index 8ae0e70cc8..dda4be9de9 100644
--- a/v0.1.1/_modules/doctr/datasets/mjsynth.html
+++ b/v0.1.1/_modules/doctr/datasets/mjsynth.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/ocr.html b/v0.1.1/_modules/doctr/datasets/ocr.html
index 713dffb16e..11564144be 100644
--- a/v0.1.1/_modules/doctr/datasets/ocr.html
+++ b/v0.1.1/_modules/doctr/datasets/ocr.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/recognition.html b/v0.1.1/_modules/doctr/datasets/recognition.html
index 02dbb3a9b0..d5806a837d 100644
--- a/v0.1.1/_modules/doctr/datasets/recognition.html
+++ b/v0.1.1/_modules/doctr/datasets/recognition.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/sroie.html b/v0.1.1/_modules/doctr/datasets/sroie.html
index 61b794b55e..16d477b326 100644
--- a/v0.1.1/_modules/doctr/datasets/sroie.html
+++ b/v0.1.1/_modules/doctr/datasets/sroie.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/svhn.html b/v0.1.1/_modules/doctr/datasets/svhn.html
index 190884a6e1..aea7dacc1c 100644
--- a/v0.1.1/_modules/doctr/datasets/svhn.html
+++ b/v0.1.1/_modules/doctr/datasets/svhn.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/svt.html b/v0.1.1/_modules/doctr/datasets/svt.html
index 78bf1370c6..1114ca8c3c 100644
--- a/v0.1.1/_modules/doctr/datasets/svt.html
+++ b/v0.1.1/_modules/doctr/datasets/svt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/synthtext.html b/v0.1.1/_modules/doctr/datasets/synthtext.html
index 438b7c2796..5ed27b2010 100644
--- a/v0.1.1/_modules/doctr/datasets/synthtext.html
+++ b/v0.1.1/_modules/doctr/datasets/synthtext.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/utils.html b/v0.1.1/_modules/doctr/datasets/utils.html
index d4842cc0d0..815f847a19 100644
--- a/v0.1.1/_modules/doctr/datasets/utils.html
+++ b/v0.1.1/_modules/doctr/datasets/utils.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/datasets/wildreceipt.html b/v0.1.1/_modules/doctr/datasets/wildreceipt.html
index 9af778b203..e36337ffed 100644
--- a/v0.1.1/_modules/doctr/datasets/wildreceipt.html
+++ b/v0.1.1/_modules/doctr/datasets/wildreceipt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/io/elements.html b/v0.1.1/_modules/doctr/io/elements.html
index 70caf5bc30..543e2529c9 100644
--- a/v0.1.1/_modules/doctr/io/elements.html
+++ b/v0.1.1/_modules/doctr/io/elements.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/io/html.html b/v0.1.1/_modules/doctr/io/html.html
index df601e37d2..97cf8664fa 100644
--- a/v0.1.1/_modules/doctr/io/html.html
+++ b/v0.1.1/_modules/doctr/io/html.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/io/image/base.html b/v0.1.1/_modules/doctr/io/image/base.html
index 1384abe2dc..058731e790 100644
--- a/v0.1.1/_modules/doctr/io/image/base.html
+++ b/v0.1.1/_modules/doctr/io/image/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/io/image/tensorflow.html b/v0.1.1/_modules/doctr/io/image/tensorflow.html
index 8eabde9b0e..6797c8b791 100644
--- a/v0.1.1/_modules/doctr/io/image/tensorflow.html
+++ b/v0.1.1/_modules/doctr/io/image/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/io/pdf.html b/v0.1.1/_modules/doctr/io/pdf.html
index 44d6ac3748..64c61e2f80 100644
--- a/v0.1.1/_modules/doctr/io/pdf.html
+++ b/v0.1.1/_modules/doctr/io/pdf.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/io/reader.html b/v0.1.1/_modules/doctr/io/reader.html
index 135229fa82..b6090a998a 100644
--- a/v0.1.1/_modules/doctr/io/reader.html
+++ b/v0.1.1/_modules/doctr/io/reader.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html b/v0.1.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html
index 2b48306056..d89511dd77 100644
--- a/v0.1.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/classification/mobilenet/tensorflow.html b/v0.1.1/_modules/doctr/models/classification/mobilenet/tensorflow.html
index 92f6fb4fd3..2214ac33db 100644
--- a/v0.1.1/_modules/doctr/models/classification/mobilenet/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/classification/mobilenet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/classification/resnet/tensorflow.html b/v0.1.1/_modules/doctr/models/classification/resnet/tensorflow.html
index 186b223605..ec28f76365 100644
--- a/v0.1.1/_modules/doctr/models/classification/resnet/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/classification/resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/classification/textnet/tensorflow.html b/v0.1.1/_modules/doctr/models/classification/textnet/tensorflow.html
index 82393028d4..29a46eeb97 100644
--- a/v0.1.1/_modules/doctr/models/classification/textnet/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/classification/textnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/classification/vgg/tensorflow.html b/v0.1.1/_modules/doctr/models/classification/vgg/tensorflow.html
index c0608dcf16..6b37051963 100644
--- a/v0.1.1/_modules/doctr/models/classification/vgg/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/classification/vgg/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/classification/vit/tensorflow.html b/v0.1.1/_modules/doctr/models/classification/vit/tensorflow.html
index bfddadfa4f..6ddce2d19f 100644
--- a/v0.1.1/_modules/doctr/models/classification/vit/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/classification/vit/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/classification/zoo.html b/v0.1.1/_modules/doctr/models/classification/zoo.html
index b490415563..3a29660995 100644
--- a/v0.1.1/_modules/doctr/models/classification/zoo.html
+++ b/v0.1.1/_modules/doctr/models/classification/zoo.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html b/v0.1.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
index 920f7d63ba..acd8d1adff 100644
--- a/v0.1.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/detection/fast/tensorflow.html b/v0.1.1/_modules/doctr/models/detection/fast/tensorflow.html
index 4bd34f841c..c1f45d6d55 100644
--- a/v0.1.1/_modules/doctr/models/detection/fast/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/detection/fast/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/detection/linknet/tensorflow.html b/v0.1.1/_modules/doctr/models/detection/linknet/tensorflow.html
index e74d533acf..90f0605a78 100644
--- a/v0.1.1/_modules/doctr/models/detection/linknet/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/detection/linknet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/factory/hub.html b/v0.1.1/_modules/doctr/models/factory/hub.html
index 8845c155b9..ac903a2c14 100644
--- a/v0.1.1/_modules/doctr/models/factory/hub.html
+++ b/v0.1.1/_modules/doctr/models/factory/hub.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -284,7 +286,6 @@ Source code for doctr.models.factory.hub
"classification": models.classification.zoo.ARCHS,
"detection": models.detection.zoo.ARCHS,
"recognition": models.recognition.zoo.ARCHS,
- "obj_detection": ["fasterrcnn_mobilenet_v3_large_fpn"] if is_torch_available() else None,
}
@@ -363,8 +364,8 @@ Source code for doctr.models.factory.hub
if run_config is None and arch is None:
raise ValueError("run_config or arch must be specified")
- if task not in ["classification", "detection", "recognition", "obj_detection"]:
- raise ValueError("task must be one of classification, detection, recognition, obj_detection")
+ if task not in ["classification", "detection", "recognition"]:
+ raise ValueError("task must be one of classification, detection, recognition")
# default readme
readme = textwrap.dedent(
@@ -418,7 +419,7 @@ Source code for doctr.models.factory.hub
\n{json.dumps(vars(run_config), indent=2, ensure_ascii=False)}"""
)
- if arch not in AVAILABLE_ARCHS[task]: # type: ignore
+ if arch not in AVAILABLE_ARCHS[task]:
raise ValueError(
f"Architecture: {arch} for task: {task} not found.\
\nAvailable architectures: {AVAILABLE_ARCHS}"
@@ -473,14 +474,6 @@ Source code for doctr.models.factory.hub
model = models.detection.__dict__[arch](pretrained=False)
elif task == "recognition":
model = models.recognition.__dict__[arch](pretrained=False, input_shape=cfg["input_shape"], vocab=cfg["vocab"])
- elif task == "obj_detection" and is_torch_available():
- model = models.obj_detection.__dict__[arch](
- pretrained=False,
- image_mean=cfg["mean"],
- image_std=cfg["std"],
- max_size=cfg["input_shape"][-1],
- num_classes=len(cfg["classes"]),
- )
# update model cfg
model.cfg = cfg
diff --git a/v0.1.1/_modules/doctr/models/recognition/crnn/tensorflow.html b/v0.1.1/_modules/doctr/models/recognition/crnn/tensorflow.html
index 88dae9be17..8ad0466dab 100644
--- a/v0.1.1/_modules/doctr/models/recognition/crnn/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/recognition/crnn/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/recognition/master/tensorflow.html b/v0.1.1/_modules/doctr/models/recognition/master/tensorflow.html
index 17d35bdc33..23f2aceb60 100644
--- a/v0.1.1/_modules/doctr/models/recognition/master/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/recognition/master/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/recognition/parseq/tensorflow.html b/v0.1.1/_modules/doctr/models/recognition/parseq/tensorflow.html
index 407ca167b9..96d8b7c746 100644
--- a/v0.1.1/_modules/doctr/models/recognition/parseq/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/recognition/parseq/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/recognition/sar/tensorflow.html b/v0.1.1/_modules/doctr/models/recognition/sar/tensorflow.html
index 1e8d4753fe..29732ee3d6 100644
--- a/v0.1.1/_modules/doctr/models/recognition/sar/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/recognition/sar/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/models/recognition/vitstr/tensorflow.html b/v0.1.1/_modules/doctr/models/recognition/vitstr/tensorflow.html
index 51e696d419..8774485c1f 100644
--- a/v0.1.1/_modules/doctr/models/recognition/vitstr/tensorflow.html
+++ b/v0.1.1/_modules/doctr/models/recognition/vitstr/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/transforms/modules/base.html b/v0.1.1/_modules/doctr/transforms/modules/base.html
index e192138b12..ad209b0ba8 100644
--- a/v0.1.1/_modules/doctr/transforms/modules/base.html
+++ b/v0.1.1/_modules/doctr/transforms/modules/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_modules/doctr/transforms/modules/tensorflow.html b/v0.1.1/_modules/doctr/transforms/modules/tensorflow.html
index ab4921cae2..6cffc1428a 100644
--- a/v0.1.1/_modules/doctr/transforms/modules/tensorflow.html
+++ b/v0.1.1/_modules/doctr/transforms/modules/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/_sources/getting_started/installing.rst.txt b/v0.1.1/_sources/getting_started/installing.rst.txt
index a00451514a..46d4177b30 100644
--- a/v0.1.1/_sources/getting_started/installing.rst.txt
+++ b/v0.1.1/_sources/getting_started/installing.rst.txt
@@ -38,16 +38,16 @@ We strive towards reducing framework-specific dependencies to a minimum, but som
.. code:: bash
pip install "python-doctr[tf]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[tf,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[tf,viz,html,contib]"
.. tab:: PyTorch
.. code:: bash
pip install "python-doctr[torch]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[torch,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/v0.1.1/_sources/modules/contrib.rst.txt b/v0.1.1/_sources/modules/contrib.rst.txt
new file mode 100644
index 0000000000..1a2659e2e3
--- /dev/null
+++ b/v0.1.1/_sources/modules/contrib.rst.txt
@@ -0,0 +1,13 @@
+doctr.contrib
+=============
+
+.. currentmodule:: doctr.contrib
+
+This module contains all the available contribution modules for docTR.
+
+
+Supported contribution modules
+------------------------------
+Here are all the available contribution modules:
+
+.. autoclass:: ArtefactDetector
diff --git a/v0.1.1/_sources/using_doctr/using_contrib_modules.rst.txt b/v0.1.1/_sources/using_doctr/using_contrib_modules.rst.txt
new file mode 100644
index 0000000000..37a0f8a9c1
--- /dev/null
+++ b/v0.1.1/_sources/using_doctr/using_contrib_modules.rst.txt
@@ -0,0 +1,51 @@
+Integrate contributions into your pipeline
+==========================================
+
+The `contrib` module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+.. currentmodule:: doctr.contrib
+
+
+Available contribution modules
+------------------------------
+
+**NOTE:** To use the contrib module, you need to install the `onnxruntime` package. You can install it using the following command:
+
+.. code:: bash
+
+ pip install python-doctr[contrib]
+ # Or
+ pip install onnxruntime # pip install onnxruntime-gpu
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection
+^^^^^^^^^^^^^^^^^
+
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+
+.. code:: python3
+
+ from doctr.io import DocumentFile
+ from doctr.contrib.artefacts import ArtefactDetection
+
+ # Load the document
+ doc = DocumentFile.from_images(["path/to/your/image"])
+ detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+ artefacts = detector(doc)
+
+ # Visualize the detected artefacts
+ detector.show()
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: `YOLOv8 `_
+
+**NOTE:** The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+
+.. code:: python3
+
+ from doctr.contrib import ArtefactDetection
+
+ detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
diff --git a/v0.1.1/changelog.html b/v0.1.1/changelog.html
index cca10a85ef..24e530e6ae 100644
--- a/v0.1.1/changelog.html
+++ b/v0.1.1/changelog.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/contributing/code_of_conduct.html b/v0.1.1/contributing/code_of_conduct.html
index 868bcf286f..1ae93b2cab 100644
--- a/v0.1.1/contributing/code_of_conduct.html
+++ b/v0.1.1/contributing/code_of_conduct.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/contributing/contributing.html b/v0.1.1/contributing/contributing.html
index a1d79eda56..f4d3f55c46 100644
--- a/v0.1.1/contributing/contributing.html
+++ b/v0.1.1/contributing/contributing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/getting_started/installing.html b/v0.1.1/getting_started/installing.html
index f0420d5217..6a40c254b6 100644
--- a/v0.1.1/getting_started/installing.html
+++ b/v0.1.1/getting_started/installing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -272,13 +274,13 @@ Via Python Package
pip install "python-doctr[tf]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[tf,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[tf,viz,html,contib]"
pip install "python-doctr[torch]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[torch,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/v0.1.1/modules/contrib.html b/v0.1.1/modules/contrib.html
new file mode 100644
index 0000000000..49284a147f
--- /dev/null
+++ b/v0.1.1/modules/contrib.html
@@ -0,0 +1,337 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ doctr.contrib - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+doctr.contrib¶
+This module contains all the available contribution modules for docTR.
+
+Supported contribution modules¶
+Here are all the available contribution modules:
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/v0.1.1/modules/datasets.html b/v0.1.1/modules/datasets.html
index 67a86d49b0..94a97aceef 100644
--- a/v0.1.1/modules/datasets.html
+++ b/v0.1.1/modules/datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
doctr.datasets - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -910,14 +912,14 @@ Returns:
-
+
Previous
- AWS Lambda
+ doctr.contrib
diff --git a/v0.1.1/modules/io.html b/v0.1.1/modules/io.html
index 115f9fe8e4..312018214f 100644
--- a/v0.1.1/modules/io.html
+++ b/v0.1.1/modules/io.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/modules/models.html b/v0.1.1/modules/models.html
index 75c6d68531..3de22acc9d 100644
--- a/v0.1.1/modules/models.html
+++ b/v0.1.1/modules/models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/modules/transforms.html b/v0.1.1/modules/transforms.html
index afdef48f00..f030b4b82e 100644
--- a/v0.1.1/modules/transforms.html
+++ b/v0.1.1/modules/transforms.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/modules/utils.html b/v0.1.1/modules/utils.html
index 2728e45178..56ac5a7e17 100644
--- a/v0.1.1/modules/utils.html
+++ b/v0.1.1/modules/utils.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/notebooks.html b/v0.1.1/notebooks.html
index 5aca22f20d..83aaf9102f 100644
--- a/v0.1.1/notebooks.html
+++ b/v0.1.1/notebooks.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/searchindex.js b/v0.1.1/searchindex.js
index 73eac04d1b..44a787ae18 100644
--- a/v0.1.1/searchindex.js
+++ b/v0.1.1/searchindex.js
@@ -1 +1 @@
-Search.setIndex({"alltitles": {"Available Datasets": [[0, "available-datasets"]], "Detection models": [[4, "detection-models"]], "Detection predictors": [[4, "detection-predictors"]], "DocTR: Document Text Recognition": [[2, "doctr-document-text-recognition"]], "Document structure": [[1, "document-structure"]], "End-to-End OCR": [[4, "end-to-end-ocr"]], "File reading": [[1, "file-reading"]], "Getting Started": [[2, null]], "Installation": [[3, "installation"]], "Model export": [[4, "model-export"]], "Package Documentation": [[2, null]], "Post-processing detections": [[4, "post-processing-detections"]], "Post-processing outputs": [[4, "post-processing-outputs"]], "Pre-processing for detection": [[4, "pre-processing-for-detection"]], "Pre-processing for recognition": [[4, "pre-processing-for-recognition"]], "Recognition models": [[4, "recognition-models"]], "Recognition predictors": [[4, "recognition-predictors"]], "Supported Vocabs": [[0, "supported-vocabs"]], "Task evaluation": [[5, "task-evaluation"]], "Text Detection": [[4, "text-detection"]], "Text Recognition": [[4, "text-recognition"]], "Text detection model zoo": [[4, "id2"]], "Text recognition model zoo": [[4, "id3"]], "Two-stage approaches": [[4, "two-stage-approaches"]], "Via Git": [[3, "via-git"]], "Via Python Package": [[3, "via-python-package"]], "Visualization": [[5, "visualization"]], "doctr.datasets": [[0, "doctr-datasets"]], "doctr.documents": [[1, "doctr-documents"]], "doctr.models": [[4, "doctr-models"]], "doctr.utils": [[5, "doctr-utils"]], "end-to-end model zoo": [[4, "id4"]]}, "docnames": ["datasets", "documents", "index", "installing", "models", "utils"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["datasets.rst", "documents.rst", "index.rst", "installing.rst", "models.rst", "utils.rst"], "indexentries": {"artefact (class in doctr.documents)": [[1, "doctr.documents.Artefact", false]], "block (class in doctr.documents)": [[1, "doctr.documents.Block", false]], "convert_to_fp16() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_fp16", false]], "convert_to_tflite() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_tflite", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.crnn_vgg16_bn", false]], "crnn_vgg16_bn_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.crnn_vgg16_bn_predictor", false]], "db_resnet50() (in module doctr.models.detection)": [[4, "doctr.models.detection.db_resnet50", false]], "db_resnet50_predictor() (in module doctr.models.detection)": [[4, "doctr.models.detection.db_resnet50_predictor", false]], "doctr": [[2, "module-doctr", false]], "document (class in doctr.documents)": [[1, "doctr.documents.Document", false]], "exactmatch (class in doctr.utils.metrics)": [[5, "doctr.utils.metrics.ExactMatch", false]], "funsd (class in doctr.datasets)": [[0, "doctr.datasets.FUNSD", false]], "line (class in doctr.documents)": [[1, "doctr.documents.Line", false]], "localizationconfusion (class in doctr.utils.metrics)": [[5, "doctr.utils.metrics.LocalizationConfusion", false]], "module": [[2, "module-doctr", false]], "ocr_db_crnn_vgg() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_db_crnn_vgg", false]], "ocr_db_sar_resnet() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_db_sar_resnet", false]], "ocr_db_sar_vgg() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_db_sar_vgg", false]], "ocrmetric (class in doctr.utils.metrics)": [[5, "doctr.utils.metrics.OCRMetric", false]], "page (class in doctr.documents)": [[1, "doctr.documents.Page", false]], "quantize_model() (in module doctr.models.export)": [[4, "doctr.models.export.quantize_model", false]], "read_img() (in module doctr.documents)": [[1, "doctr.documents.read_img", false]], "read_pdf() (in module doctr.documents)": [[1, "doctr.documents.read_pdf", false]], "sar_resnet31() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_resnet31", false]], "sar_resnet31_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_resnet31_predictor", false]], "sar_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_vgg16_bn", false]], "sar_vgg16_bn_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_vgg16_bn_predictor", false]], "visiondataset (class in doctr.datasets.core)": [[0, "doctr.datasets.core.VisionDataset", false]], "visualize_page() (in module doctr.utils.visualization)": [[5, "doctr.utils.visualization.visualize_page", false]], "word (class in doctr.documents)": [[1, "doctr.documents.Word", false]]}, "objects": {"": [[2, 0, 0, "-", "doctr"]], "doctr.datasets": [[0, 1, 1, "", "FUNSD"]], "doctr.datasets.core": [[0, 1, 1, "", "VisionDataset"]], "doctr.documents": [[1, 1, 1, "", "Artefact"], [1, 1, 1, "", "Block"], [1, 1, 1, "", "Document"], [1, 1, 1, "", "Line"], [1, 1, 1, "", "Page"], [1, 1, 1, "", "Word"], [1, 2, 1, "", "read_img"], [1, 2, 1, "", "read_pdf"]], "doctr.models.detection": [[4, 2, 1, "", "db_resnet50"], [4, 2, 1, "", "db_resnet50_predictor"]], "doctr.models.export": [[4, 2, 1, "", "convert_to_fp16"], [4, 2, 1, "", "convert_to_tflite"], [4, 2, 1, "", "quantize_model"]], "doctr.models.recognition": [[4, 2, 1, "", "crnn_vgg16_bn"], [4, 2, 1, "", "crnn_vgg16_bn_predictor"], [4, 2, 1, "", "sar_resnet31"], [4, 2, 1, "", "sar_resnet31_predictor"], [4, 2, 1, "", "sar_vgg16_bn"], [4, 2, 1, "", "sar_vgg16_bn_predictor"]], "doctr.models.zoo": [[4, 2, 1, "", "ocr_db_crnn_vgg"], [4, 2, 1, "", "ocr_db_sar_resnet"], [4, 2, 1, "", "ocr_db_sar_vgg"]], "doctr.utils.metrics": [[5, 1, 1, "", "ExactMatch"], [5, 1, 1, "", "LocalizationConfusion"], [5, 1, 1, "", "OCRMetric"]], "doctr.utils.visualization": [[5, 2, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:function"}, "terms": {"": [1, 5], "0": [0, 4, 5], "00": [], "01": [], "0123456789": [], "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "02562": [], "03": [], "035": [], "0361328125": [], "04": [], "05": [], "06": [], "06640625": [], "07": [], "08": [], "09": [], "0966796875": [], "1": [4, 5], "10": [], "100": 5, "1000": [], "101": [], "1024": 4, "104": [], "106": [], "108": [], "1095": [], "11": [], "110": 5, "1107": [], "114": [], "1156": [], "116": [], "118": [], "11800h": [], "11th": [], "12": [], "120": [], "123": [], "126": [], "1268": [], "128": 4, "13": [], "130": [], "13068": [], "131": [], "1337891": [], "1357421875": [], "1396484375": [], "14": [], "1420": [], "14470v1": [], "149": [], "15": [], "150": 5, "1552": [], "16": 4, "1630859375": [], "1684": [], "16bn": 4, "16x16": [], "17": [], "1778": [], "1782": [], "18": [], "185546875": [], "1900": [], "1910": [], "19342": [], "19370": [], "195": [], "19598": [], "199": 4, "1999": [], "2": 5, "20": [], "200": 5, "2000": [], "2003": [], "2012": [], "2013": [], "2015": [], "2019": [], "207901": [], "21": [], "2103": [], "2186": [], "21888": [], "22": [], "224": 4, "225": [], "22672": [], "229": [], "23": [], "233": [], "234": [], "24": [], "246": [], "249": [], "25": [], "2504": [], "255": [4, 5], "256": 4, "257": [], "26": [], "26032": [], "264": [], "27": [], "2700": [], "2710": [], "2749": [], "28": [], "287": [], "29": [], "296": [], "299": [], "2d": [], "3": [1, 3, 4, 5], "30": [], "300": [], "3000": [], "301": [], "30595": 4, "30ghz": [], "31": 4, "32": 4, "3232421875": [], "33": [], "33402": [], "33608": [], "34": [], "340": [], "3456": [], "3515625": [], "36": [], "360": [], "37": [], "38": [], "39": [], "4": [], "40": [], "406": [], "41": [], "42": [], "43": [], "44": [], "45": [], "456": [], "46": [], "47": [], "472": [], "48": [], "485": [], "49": [], "49377": [], "5": 5, "50": 4, "51": [], "51171875": [], "512": [], "52": [], "529": [], "53": [], "54": [], "540": [], "5478515625": [], "55": [], "56": [], "57": [], "58": [], "580": [], "5810546875": [], "583": [], "59": [], "595": 4, "597": [], "5k": [], "5m": [], "6": 3, "60": [], "600": [4, 5], "61": [], "62": [], "625": 4, "626": [], "63": [], "64": 4, "641": [], "647": [], "65": [], "652": 4, "653": 4, "66": [], "665": 4, "67": [], "68": [], "69": [], "693": [], "694": [], "695": [], "6m": [], "7": [], "70": 5, "707470": [], "71": [], "7100000": [], "7141797": [], "7149": [], "72": [], "721": 4, "72dpi": [], "73": [], "73257": [], "735": 4, "74": [], "75": [], "7581382": [], "76": [], "77": [], "772": [], "772875": [], "775": 4, "78": [], "781": 4, "785": [], "79": [], "793533": [], "796": [], "798": [], "7m": [], "8": [], "80": [], "800": [4, 5], "81": [], "82": [], "83": [], "830": 4, "84": [], "849": [], "85": [], "856": 4, "8564453125": [], "857": [], "85875": [], "86": [], "860": 4, "8603515625": [], "862": 4, "863": 4, "87": [], "8707": [], "88": [], "89": [], "9": [], "90": [], "90k": [], "90kdict32px": [], "91": [], "914085328578949": [], "92": [], "93": [], "94": [], "95": 5, "9578408598899841": [], "96": [], "98": [], "99": [], "9949972033500671": [], "A": [0, 4], "As": [], "Be": [], "Being": [], "By": [], "For": 4, "If": [1, 4], "In": 4, "It": [], "Its": [], "No": [], "Of": [], "The": [0, 1, 4, 5], "Then": [], "To": [], "_": [], "__call__": [], "_build": [], "_i": 5, "ab": [], "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "abdef": [], "abl": [], "about": 4, "abov": 4, "abstract": 0, "abstractdataset": [], "abus": [], "accent": 5, "accept": [], "access": [0, 1], "account": [], "accur": [], "accuraci": [4, 5], "achiev": [], "act": [], "action": [], "activ": [], "ad": [], "adapt": [], "add": [], "add_hook": [], "add_label": [], "addit": [], "addition": [], "address": [], "adjust": [], "advanc": [], "advantag": [], "advis": [], "aesthet": [], "affect": [], "after": [], "ag": [], "again": [], "aggreg": 5, "aggress": [], "align": [], "all": [0, 1, 4, 5], "allow": [], "along": [], "alreadi": [], "also": [], "alwai": [], "an": [0, 1, 2, 4, 5], "analysi": [1, 4], "ancient_greek": [], "angl": 1, "ani": [0, 1, 4, 5], "annot": [], "anot": [], "anoth": [], "answer": [], "anyascii": [], "anyon": [], "api": [], "apolog": [], "apologi": [], "app": [], "appear": [], "appli": [], "applic": [], "appoint": [], "appreci": [], "appropri": [], "ar": [0, 1, 4, 5], "arab": [], "arabic_diacrit": [], "arabic_lett": [], "arabic_punctu": [], "arbitrarili": [], "arch": [], "architectur": [2, 4], "archiv": 0, "area": [], "argument": 0, "around": 4, "arrai": 5, "art": 2, "artefact": 1, "artefact_typ": 1, "artifici": [], "arxiv": [], "asarrai": 5, "ascii_lett": [], "aspect": [], "assess": 5, "assign": 5, "associ": 1, "assum": [], "assume_straight_pag": [], "astyp": [4, 5], "attack": [], "attend": 4, "attent": [], "autom": 2, "automat": [], "autoregress": [], "avail": 4, "averag": [], "avoid": [], "aw": 4, "awar": [], "azur": [], "b": 5, "b_j": 5, "back": [], "backbon": 4, "backend": 4, "background": [], "bar_cod": [], "base": [], "baselin": 4, "batch": 4, "batch_siz": [], "bblanchon": [], "bbox": [], "becaus": [], "been": [4, 5], "befor": [], "begin": 5, "behavior": [], "being": [4, 5], "belong": [], "benchmark": [], "best": [], "better": [], "between": 5, "bgr": 1, "bilinear": 4, "bin_thresh": [], "binar": 4, "binari": 4, "bit": [], "block": [1, 4, 5], "block_1_1": [], "blur": [], "bmvc": [], "bn": [], "bodi": [], "bool": [0, 1, 4, 5], "boolean": [], "both": 4, "bottom": [], "bound": [1, 4, 5], "box": [1, 4, 5], "box_thresh": [], "bright": [], "browser": [], "build": [], "built": [], "byte": 4, "c": [], "c_j": [], "cach": [], "cache_sampl": [], "callabl": [], "can": [0, 4], "capabl": 4, "case": 5, "cf": 4, "cfg": [], "challeng": [], "challenge2_test_task12_imag": [], "challenge2_test_task1_gt": [], "challenge2_training_task12_imag": [], "challenge2_training_task1_gt": [], "chang": [], "channel": [1, 4], "channel_prior": [], "channelshuffl": [], "charact": [4, 5], "charactergener": [], "characterist": [], "charg": 4, "charset": [], "chart": [], "check": [], "checkpoint": [], "chip": [], "ci": [], "clarifi": [], "clariti": [], "class": [0, 1, 5], "class_nam": [], "classif": 4, "classif_mobilenet_v3_smal": [], "classmethod": [], "clear": [], "clone": 3, "close": [], "co": [], "code": [], "codecov": [], "colab": [], "collate_fn": [], "collect": 1, "color": [], "colorinvers": [], "column": [], "com": 3, "combin": 4, "come": [], "command": [], "comment": [], "commit": [], "common": 5, "commun": [], "compar": 2, "comparison": [], "competit": [], "compil": [], "complaint": [], "complementari": 5, "complet": [], "compon": 4, "compos": 4, "comprehens": [], "comput": 5, "conda": [], "confid": 1, "config": [], "configur": [], "confus": 5, "consecut": 4, "consequ": [], "consid": 5, "consist": [], "consolid": [], "constant": [], "construct": [], "contact": [], "contain": [], "content": [0, 1], "context": [], "continu": [], "contrast": [], "contrast_factor": [], "contribut": [], "contributor": [], "conv_sequ": 4, "convers": 1, "convert": [1, 4], "convert_to_fp16": 4, "convert_to_tflit": 4, "convolut": 4, "coordin": 1, "cord": [], "core": [0, 5], "corner": [], "correct": [], "correspond": 4, "could": [], "counterpart": [], "cover": [], "coverag": [], "cpu": [], "creat": [], "crnn": 4, "crnn_mobilenet_v3_larg": [], "crnn_mobilenet_v3_smal": [], "crnn_vgg16_bn": 4, "crnn_vgg16_bn_predictor": 4, "crop": 4, "crop_orient": [], "crop_orientation_predictor": [], "cuda": [], "currenc": [], "current": [], "custom": [], "customhook": [], "cvit": [], "czczup": [], "czech": [], "d": [], "danish": [], "data": [1, 4], "dataload": [], "dataset": [2, 4], "dataset_info": [], "date": [], "db": [], "db_mobilenet_v3_larg": [], "db_resnet34": [], "db_resnet50": 4, "db_resnet50_predictor": 4, "dbnet": 4, "decis": [], "decod": 1, "decode_img_as_tensor": [], "deem": [], "deep": 4, "def": [], "default": [1, 4], "defer": [], "defin": 5, "deform": 4, "degre": [], "degress": 1, "delet": [], "delimit": [], "delta": [], "demo": [], "demonstr": [], "depend": [], "deploi": [], "deploy": [], "derogatori": [], "describ": 4, "descript": [], "design": [], "desir": [], "det_arch": [], "det_b": [], "det_model": [], "det_param": [], "det_predictor": [], "detail": [], "detect": [], "detect_languag": [], "detect_orient": [], "detection_predictor": [], "detectiondataset": [], "detectionmetr": [], "detectionpredictor": 4, "detector": [], "deterior": [], "determin": [], "dev": [], "develop": [], "developp": 3, "deviat": [], "devic": [], "dict": [1, 5], "dictionari": 1, "differ": [], "differenti": 4, "digit": [], "dimens": [1, 4, 5], "dimension": [], "direct": [], "directli": 4, "directori": [], "disabl": [], "disclaim": 4, "discuss": [], "disk": 0, "disparag": [], "displai": 5, "display_artefact": [], "distanc": 5, "distribut": [], "div": [], "divers": [], "divid": [], "do": [], "doc": 1, "docartefact": [], "docstr": [], "doctr": 3, "doctr_cache_dir": [], "doctr_multiprocessing_dis": [], "document": [0, 4, 5], "documentbuild": [], "documentfil": [], "don": [], "done": [], "download": 0, "downsiz": [], "draw": [], "drop": [], "drop_last": [], "dtype": 4, "dual": [], "dummi": [], "dummy_img": [], "dummy_input": [], "dure": [], "dutch": [], "dynam": [], "dynamic_seq_length": [], "e": 3, "each": [1, 4], "eas": [], "easi": [2, 5], "easier": 4, "easili": [1, 5], "econom": [], "edit": [], "educ": [], "effici": 0, "either": 4, "element": [1, 4], "els": [], "email": [], "empathi": [], "en": [], "enabl": 1, "enclos": 1, "encod": 0, "encode_sequ": [], "encount": [], "encrypt": [], "end": 5, "english": [], "enhanc": 4, "enough": 4, "ensur": [], "entri": [], "environ": [], "eo": [], "equiv": [], "error": 5, "estim": [], "etc": [], "ethnic": [], "evalu": [0, 4], "event": [], "everyon": [], "everyth": [], "exact": 5, "exactmatch": 5, "exampl": [0, 1, 4, 5], "exchang": [], "exclud": 4, "execut": [], "exist": [], "expand": [], "expect": [0, 1, 4], "experi": [], "explan": 4, "explicit": [], "exploit": [], "export": [1, 5], "export_as_straight_box": [], "export_as_xml": [], "export_model_to_onnx": [], "express": [], "extens": [], "extern": [], "extract": [0, 2, 4], "extract_arch": 0, "extractor": 4, "f_": 5, "f_a": 5, "factor": [], "fair": [], "fairli": [], "fals": [0, 4, 5], "faq": [], "fascan": [], "fast": [], "fast_bas": [], "fast_smal": [], "fast_tini": [], "faster": [], "fasterrcnn_mobilenet_v3_large_fpn": [], "favorit": [], "featur": [4, 5], "feedback": [], "feel": [], "felix92": [], "few": [], "figsiz": [], "figur": [], "file": 0, "file_hash": 0, "file_nam": 0, "file_path": 1, "final": [], "find": [], "finnish": [], "first": [], "firsthand": [], "fit": [], "flag": [], "flip": [], "float": [1, 5], "float32": 4, "fn": [], "focu": [], "focus": [], "folder": [], "follow": [4, 5], "font": [], "font_famili": [], "foral": 5, "forc": [], "forg": [], "form": 0, "format": [1, 4], "forpost": [], "forum": [], "fp": 4, "fp16": 4, "frac": 5, "framework": 0, "free": [], "french": [], "friendli": [], "from": [0, 1, 2, 4, 5], "from_hub": [], "from_imag": [], "from_pdf": [], "from_url": [], "full": [4, 5], "function": [4, 5], "funsd": [0, 4], "further": [], "futur": [], "g": [], "g_": 5, "g_x": 5, "gamma": [], "gaussian": [], "gaussianblur": [], "gaussiannois": [], "gen": [], "gender": [], "gener": [], "geometri": 1, "geq": 5, "german": [], "get": [], "git": 2, "github": 3, "give": [], "given": [0, 4, 5], "global": [], "go": [], "good": [], "googl": 4, "googlevis": [], "gpu": [], "gracefulli": [], "graph": [], "grayscal": [], "ground": 5, "groung": [], "group": [], "gt": [], "gt_box": [], "gt_label": [], "guid": [], "guidanc": [], "gvision": [], "h": 1, "h_": 5, "ha": [0, 5], "half": 4, "handl": 0, "handwrit": [], "handwritten": [], "harass": [], "hardwar": [], "harm": [], "hat": 5, "have": [0, 4, 5], "head": [], "healthi": [], "hebrew": [], "height": 1, "hello": 5, "help": [], "here": 0, "hf": [], "hf_hub_download": [], "high": 1, "higher": [], "hindi_digit": [], "hocr": [], "hook": [], "horizont": [], "hous": [], "how": [], "howev": [], "hsv": [], "html": [], "http": 3, "hub": [], "hue": [], "huggingfac": [], "hw": [], "i": [0, 4, 5], "i7": [], "ic03": [], "ic13": [], "icdar": [], "icdar2019": [], "id": [], "ident": [], "identifi": 4, "ignor": 5, "ignore_acc": 5, "ignore_cas": 5, "iiit": [], "iiit5k": [], "iiithw": [], "imag": [1, 4, 5], "imagenet": 4, "imageri": [], "images_90k_norm": [], "img": 0, "img_cont": [], "img_fold": [], "img_path": [], "img_transform": [], "imgur5k": [], "imgur5k_annot": [], "imlist": [], "impact": [], "implement": [0, 1, 4, 5], "import": [0, 1, 4, 5], "improv": [], "inappropri": [], "incid": [], "includ": 4, "inclus": [], "increas": [], "index": 1, "indic": 5, "individu": [], "infer": [], "inform": [2, 4], "inherit": 0, "input": [1, 4], "input_crop": [], "input_pag": [4, 5], "input_shap": 4, "input_tensor": 4, "inspir": [], "instal": 2, "instanc": 4, "instanti": [], "instead": 1, "insult": [], "int": [1, 4, 5], "int64": [], "integ": 5, "integr": [], "intel": [], "interact": [], "interfac": [], "interoper": [], "interpol": 4, "interpret": 0, "intersect": 5, "invert": [], "investig": [], "invis": [], "involv": 4, "io": [], "iou": 5, "iou_thresh": 5, "irregular": 4, "isn": [], "issu": [], "italian": [], "iter": [], "its": [], "itself": [], "j": 5, "job": [], "join": [], "jpeg": [], "jpegqual": [], "jpg": 1, "json": [], "json_output": [], "jump": [], "just": [], "kei": [], "kera": 4, "kernel": [], "kernel_s": 4, "kernel_shap": [], "keywoard": [], "keyword": 0, "kie": [], "kie_predictor": [], "kiepredictor": [], "kind": [], "know": [], "kwarg": [0, 1, 4], "l": 5, "l_j": 5, "label": [], "label_fil": [], "label_fold": [], "label_path": [], "labels_path": [], "ladder": [], "lambda": [], "lambdatransform": [], "lang": [], "languag": [1, 2], "larg": [], "largest": [], "last": [3, 4], "latenc": [], "later": [], "latest": [], "latin": [], "layer": [], "layout": [], "lead": [], "leader": [], "learn": 4, "least": [], "left": 5, "legacy_french": [], "length": [], "less": [], "let": 4, "letter": 5, "level": [4, 5], "levenshtein": 5, "leverag": [], "lf": [], "librari": 3, "light": [], "like": [], "limits_": 5, "line": [1, 5], "line_1_1": [], "link": [], "linknet": [], "linknet_resnet18": [], "linknet_resnet34": [], "linknet_resnet50": [], "list": 1, "ll": 5, "load": [], "load_state_dict": [], "load_weight": [], "loc_pr": [], "local": [4, 5], "localis": [], "localizationconfus": 5, "locat": [], "login": [], "login_to_hub": [], "logo": [], "love": [], "lower": [], "m": 5, "m1": [], "macbook": [], "machin": [], "made": [], "magc_resnet31": [], "mai": [], "mail": [], "main": [], "maintain": [], "mainten": [], "make": [4, 5], "mani": [], "manipul": [], "map": 4, "map_loc": [], "master": [], "match": 5, "mathcal": 5, "matplotlib": 5, "max": 5, "max_angl": [], "max_area": [], "max_char": [], "max_delta": [], "max_dist": 5, "max_gain": [], "max_gamma": [], "max_qual": [], "max_ratio": [], "maximum": 5, "maxval": 4, "mbox": 5, "mean": 5, "meaniou": 5, "meant": [], "measur": [], "media": [], "median": [], "meet": [], "member": [], "memori": [], "mention": [], "merg": [], "messag": [], "meta": [], "metadata": [], "metal": [], "method": [], "metric": [4, 5], "middl": [], "might": 4, "min": [], "min_area": [], "min_char": [], "min_gain": [], "min_gamma": [], "min_qual": [], "min_ratio": [], "min_val": [], "minde": 3, "minim": [], "minimalist": [], "minimum": 5, "minval": [], "miss": [], "mistak": [], "mixed_float16": [], "mixed_precis": [], "mjsynth": [], "mnt": [], "mobilenet": [], "mobilenet_v3_larg": [], "mobilenet_v3_large_r": [], "mobilenet_v3_smal": [], "mobilenet_v3_small_crop_orient": [], "mobilenet_v3_small_r": [], "mobilenetv3": [], "modal": [], "mode": 3, "model": [0, 2, 5], "model_nam": [], "model_path": [], "moder": [], "modif": [], "modifi": [], "modul": [1, 4, 5], "more": [], "most": 4, "mozilla": [], "multi": [], "multilingu": [], "multipl": 0, "multipli": [], "multiprocess": [], "my": [], "my_awesome_model": [], "my_hook": [], "n": 5, "name": 0, "nation": [], "natur": 2, "ndarrai": [1, 5], "necessari": [], "need": 5, "neg": [], "nest": [], "network": [], "neural": [], "new": [], "newer": 3, "next": [], "nois": [], "noisi": 0, "non": [1, 5], "none": [0, 1, 5], "normal": 4, "norwegian": [], "note": [], "now": [], "np": [4, 5], "num_output_channel": [], "num_sampl": [], "num_work": [], "number": 5, "numpi": [1, 4, 5], "o": [], "obj_detect": [], "object": 0, "oblig": [], "obtain": [], "occupi": [], "ocr": 5, "ocr_carea": [], "ocr_db_crnn": 5, "ocr_db_crnn_vgg": 4, "ocr_db_sar_resnet": 4, "ocr_db_sar_vgg": 4, "ocr_lin": [], "ocr_pag": [], "ocr_par": [], "ocr_predictor": [], "ocrdataset": [], "ocrmetr": 5, "ocrpredictor": 4, "ocrx_word": [], "offens": [], "offici": [], "offlin": [], "offset": [], "onc": [0, 4], "one": [0, 4], "oneof": [], "ones": [], "onli": 5, "onlin": [], "opac": [], "opacity_rang": [], "open": [], "opinion": [], "optic": 4, "optim": [], "option": [], "order": [1, 4], "org": [], "organ": 1, "orient": 1, "orientationpredictor": [], "other": [], "otherwis": 5, "our": [], "out": [4, 5], "outpout": [], "output": 1, "output_s": 1, "outsid": [], "over": 5, "overal": [], "overlai": [], "overwrit": 0, "overwritten": [], "own": 2, "p": [], "packag": 5, "pad": 4, "page": [1, 4, 5], "page1": [], "page2": [], "page_1": [], "page_idx": 1, "pair": 5, "paper": [], "par_1_1": [], "paragraph": [], "paragraph_break": [], "param": 4, "paramet": [0, 1, 4, 5], "pars": [], "parseq": [], "part": [], "parti": [], "partial": [], "particip": [], "pass": 4, "password": [], "patch": [], "path": 1, "path_to_checkpoint": [], "path_to_pt": [], "pattern": [], "pdf": 1, "pdfpage": [], "peopl": [], "per": [], "perform": [1, 2, 4, 5], "period": [], "permiss": [], "permut": [], "persian_lett": [], "person": [], "phase": [], "photo": [], "physic": [], "pick": [], "pictur": [], "pip": 3, "pipelin": [], "pixel": 1, "pleas": [], "plot": [], "plt": 5, "plug": [], "plugin": [], "png": [], "point": [], "polici": [], "polish": [], "polit": [], "polygon": [], "pool": [], "portugues": [], "posit": 5, "possibl": 5, "post": [], "postprocessor": 4, "potenti": 4, "power": 2, "ppageno": [], "pre": [], "precis": [4, 5], "pred": [], "pred_box": [], "pred_label": [], "predefin": 0, "predict": [1, 5], "predictor": [], "prefer": 0, "preinstal": [], "preprocessor": 4, "prerequisit": [], "present": 0, "preserv": [], "preserve_aspect_ratio": [], "pretrain": [4, 5], "pretrained_backbon": [], "print": [], "prior": [], "privaci": [], "privat": [], "probabl": [], "problem": [], "procedur": [], "process": [1, 2], "processor": [], "produc": 4, "product": [], "profession": [], "project": [], "promptli": [], "proper": [], "properli": 0, "provid": [2, 4], "public": [], "publicli": [], "publish": [], "pull": [], "punctuat": [], "pure": [], "purpos": 4, "push_to_hf_hub": [], "py": [], "pypdfium2": [], "pyplot": 5, "python": 2, "python3": [], "pytorch": [], "q": [], "qr": [], "qr_code": [], "qualiti": [], "quantiz": 4, "quantize_model": 4, "question": [], "quickli": 2, "quicktour": [], "r": [], "race": [], "ramdisk": [], "rand": [4, 5], "random": [4, 5], "randomappli": [], "randombright": [], "randomcontrast": [], "randomcrop": [], "randomgamma": [], "randomhorizontalflip": [], "randomhu": [], "randomjpegqu": [], "randomli": [], "randomrot": [], "randomsatur": [], "randomshadow": [], "rang": [], "rassi": [], "ratio": [], "raw": 1, "re": 0, "read": 4, "read_html": [], "read_img": 1, "read_img_as_numpi": [], "read_img_as_tensor": [], "read_pdf": 1, "readi": [], "real": 4, "reason": [], "rebuild": [], "rebuilt": [], "recal": [4, 5], "receipt": [], "reco_arch": [], "reco_b": [], "reco_model": [], "reco_param": [], "reco_predictor": [], "recogn": [], "recognit": 5, "recognition_predictor": [], "recognition_task": [], "recognitiondataset": [], "recognitionpredictor": 4, "rectangular": [], "reduc": [], "refer": [], "regardless": [], "region": [], "regroup": 5, "regular": [], "reject": [], "rel": 1, "relat": [], "releas": 3, "religion": [], "relu": 4, "remov": [], "render": [], "repo": [], "repo_id": [], "report": [], "repositori": [], "repres": 4, "represent": [], "request": [], "requir": 3, "research": 2, "residu": [], "resiz": 4, "resnet": 4, "resnet18": [], "resnet31": [], "resnet34": [], "resnet50": [], "resolv": 1, "resolve_block": [], "resolve_lin": [], "resourc": [], "respect": [], "rest": 5, "restrict": [], "result": 1, "return": [1, 4], "reusabl": 4, "review": [], "rgb": 1, "rgb_mode": [], "rgb_output": 1, "right": [4, 5], "rnn": 4, "robust": [], "root": [], "rotat": 1, "run": [], "same": 5, "sampl": [], "sample_transform": [], "sar": 4, "sar_resnet31": 4, "sar_resnet31_predictor": 4, "sar_vgg16_bn": 4, "sar_vgg16_bn_predictor": 4, "satur": [], "save": 0, "scale": [], "scan": 0, "scene": 4, "scheme": 4, "score": [], "script": [], "seamless": [], "seamlessli": [], "search": [], "searchabl": [], "sec": [], "second": [], "section": [], "secur": [], "see": [], "seemlessli": 2, "seen": 4, "segment": 4, "self": [], "semant": [], "send": [], "sens": 5, "sensit": [], "separ": 4, "sequenc": [4, 5], "sequenti": 4, "seri": [], "serial": 4, "serialized_model": 4, "seriou": [], "set": [0, 4, 5], "set_global_polici": [], "sever": [], "sex": [], "sexual": [], "sha256": 0, "shade": [], "shape": [1, 4, 5], "share": [], "shift": [], "shm": [], "should": [0, 1, 5], "show": [4, 5], "showcas": [], "shuffl": [], "side": [], "signatur": [], "signific": 0, "simpl": 4, "simpler": [], "sinc": 0, "singl": [], "size": [1, 4], "skew": [], "slack": [], "slightli": [], "small": [], "smallest": 1, "snapshot_download": [], "snippet": [], "so": [], "social": [], "socio": [], "some": [], "someth": [], "somewher": [], "soon": [], "sort": [], "sourc": [0, 1, 4, 5], "space": [], "span": [], "spanish": [], "spatial": [], "specif": 5, "specifi": 1, "speed": [], "sphinx": [], "sroie": [], "stabl": 3, "stackoverflow": [], "stage": [], "standard": [], "start": [], "state": 2, "static": [], "statist": 4, "statu": [], "std": [], "step": [], "still": [], "str": [0, 1, 5], "straight": [], "straighten_pag": [], "stream": [], "street": [], "strict": [], "strictli": 5, "string": [1, 4], "strive": [], "strong": 4, "structur": 4, "subset": [0, 4], "suggest": [], "sum": 5, "summari": 5, "support": [], "sustain": [], "svhn": [], "svt": [], "swedish": [], "symbol": 4, "symmetr": [], "symmetric_pad": [], "synthet": [], "synthtext": [], "system": [], "t": [], "tabl": [], "take": [], "target": [0, 4], "target_s": [], "task": [2, 4], "task2": [], "team": [], "techminde": [], "templat": [], "tensor": 4, "tensorflow": 4, "tensorspec": [], "term": [], "test": [], "test_set": [], "text": 1, "text_output": [], "textmatch": [], "textnet": [], "textnet_bas": [], "textnet_smal": [], "textnet_tini": [], "textract": 4, "textstylebrush": [], "textual": [0, 1], "tf": 4, "tf_model": 4, "tflite": 4, "than": 5, "thank": [], "thei": [], "them": 0, "thi": [3, 4, 5], "thing": [], "third": [], "those": 4, "threaten": [], "threshold": [], "through": 0, "tilman": [], "time": [0, 4, 5], "tini": [], "titl": [], "tm": [], "tmp": [], "togeth": 4, "tograi": [], "tool": [], "top": [], "topic": [], "torch": [], "torchvis": [], "total": [], "toward": [], "train": [0, 4], "train_it": [], "train_load": [], "train_pytorch": [], "train_set": 0, "train_tensorflow": [], "trainabl": [], "tranform": [], "transcrib": [], "transfer": [], "transfo": [], "transform": [], "translat": [], "troll": [], "true": [0, 1, 4, 5], "truth": 5, "tune": [], "tupl": [1, 4], "turn": 4, "two": [], "txt": [], "type": [1, 4], "typic": [], "u": [], "ucsd": [], "udac": [], "uint8": [4, 5], "unaccept": [], "underli": [], "underneath": [], "understand": [0, 2], "uniform": 4, "uniformli": [], "uninterrupt": [], "union": 5, "unittest": [], "unlock": [], "unoffici": [], "unprofession": [], "unsolicit": [], "unsupervis": [], "unwelcom": [], "up": [], "updat": 5, "upgrad": [], "upper": [], "uppercas": [], "url": 0, "us": [3, 4, 5], "usabl": 4, "usag": 4, "use_polygon": [], "useabl": [], "user": 1, "utf": [], "util": [2, 4], "v1": [], "v3": [], "valid": [], "valu": 1, "valuabl": 2, "variabl": [], "varieti": [], "veri": [], "verifi": 0, "version": 4, "vgg": 4, "vgg16": 4, "vgg16_bn_r": [], "via": 2, "vietnames": [], "view": [], "viewpoint": [], "violat": [], "visibl": [], "vision": 4, "visiondataset": 0, "visiontransform": [], "visual": [], "visualize_pag": 5, "vit_": [], "vit_b": [], "vitstr": [], "vitstr_bas": [], "vitstr_smal": [], "viz": [], "vocab": [], "vocabulari": [], "w": [1, 5], "w3": [], "wa": [], "wai": 2, "want": [], "warmup": [], "wasn": [], "we": [], "weasyprint": [], "web": [], "websit": [], "weight": [], "welcom": [], "well": [], "were": [], "what": [], "when": 5, "whenev": [], "where": [1, 5], "whether": [0, 1, 5], "which": 4, "whichev": [], "while": [], "why": [], "width": 1, "wiki": [], "wildreceipt": [], "window": [], "wish": [], "within": [], "without": 4, "wonder": [], "word": [1, 4, 5], "word_1_1": [], "word_1_2": [], "word_1_3": [], "wordgener": [], "words_onli": 5, "work": [], "worker": [], "workflow": [], "worklow": [], "world": 5, "worth": [], "wrap": [], "wrapper": [], "write": [], "written": [], "www": [], "x": [1, 5], "x_ascend": [], "x_descend": [], "x_i": 5, "x_size": [], "x_wconf": [], "xhtml": [], "xmax": 1, "xmin": 1, "xml": [], "xml_bytes_str": [], "xml_element": [], "xml_output": [], "xmln": [], "y": 5, "y_i": 5, "y_j": 5, "ymax": 1, "ymin": 1, "you": 4, "your": [0, 1, 2, 5], "yoursit": [], "zero": 4, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": [], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": [], "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": [], "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": [], "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": [], "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": [], "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": [], "\u00e4\u00f6\u00e4\u00f6": [], "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": [], "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": [], "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": [], "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": [], "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": [], "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": [], "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "\u067e\u0686\u06a2\u06a4\u06af": []}, "titles": ["doctr.datasets", "doctr.documents", "DocTR: Document Text Recognition", "Installation", "doctr.models", "doctr.utils"], "titleterms": {"": [], "0": [], "01": [], "02": [], "03": [], "04": [], "05": [], "07": [], "08": [], "09": [], "1": [], "10": [], "11": [], "12": [], "18": [], "2": [], "2021": [], "2022": [], "2023": [], "2024": [], "22": [], "27": [], "28": [], "29": [], "3": [], "31": [], "4": [], "5": [], "6": [], "7": [], "8": [], "advanc": [], "approach": 4, "architectur": [], "arg": [], "artefact": [], "attribut": [], "avail": 0, "aw": [], "ban": [], "block": [], "bug": [], "changelog": [], "choos": [], "classif": [], "code": [], "codebas": [], "commit": [], "commun": [], "compos": [], "conda": [], "conduct": [], "connect": [], "continu": [], "contribut": [], "contributor": [], "convent": [], "correct": [], "coven": [], "custom": [], "data": [], "dataload": [], "dataset": 0, "detect": 4, "develop": [], "do": [], "doctr": [0, 1, 2, 4, 5], "document": [1, 2], "end": 4, "enforc": [], "evalu": 5, "export": 4, "factori": [], "featur": [], "feedback": [], "file": 1, "from": [], "gener": [], "get": 2, "git": 3, "guidelin": [], "half": [], "hub": [], "huggingfac": [], "i": [], "infer": [], "instal": 3, "integr": [], "io": [], "lambda": [], "let": [], "line": [], "linux": [], "load": [], "loader": [], "main": [], "mode": [], "model": 4, "modifi": [], "name": [], "notebook": [], "object": [], "ocr": 4, "onli": [], "onnx": [], "optim": [], "option": [], "our": [], "output": 4, "own": [], "packag": [2, 3], "page": [], "perman": [], "pledg": [], "post": 4, "pre": 4, "precis": [], "predictor": 4, "prepar": [], "prerequisit": [], "pretrain": [], "process": 4, "push": [], "python": 3, "qualiti": [], "question": [], "read": 1, "readi": [], "recognit": [2, 4], "report": [], "request": [], "respons": [], "return": [], "right": [], "scope": [], "share": [], "should": [], "stage": 4, "standard": [], "start": 2, "structur": 1, "style": [], "support": 0, "synthet": [], "task": 5, "temporari": [], "test": [], "text": [2, 4], "train": [], "transform": [], "two": 4, "unit": [], "us": [], "util": 5, "v0": [], "verif": [], "via": 3, "visual": 5, "vocab": 0, "warn": [], "what": [], "word": [], "your": [], "zoo": 4}})
\ No newline at end of file
+Search.setIndex({"alltitles": {"Available Datasets": [[0, "available-datasets"]], "Detection models": [[4, "detection-models"]], "Detection predictors": [[4, "detection-predictors"]], "DocTR: Document Text Recognition": [[2, "doctr-document-text-recognition"]], "Document structure": [[1, "document-structure"]], "End-to-End OCR": [[4, "end-to-end-ocr"]], "File reading": [[1, "file-reading"]], "Getting Started": [[2, null]], "Installation": [[3, "installation"]], "Model export": [[4, "model-export"]], "Package Documentation": [[2, null]], "Post-processing detections": [[4, "post-processing-detections"]], "Post-processing outputs": [[4, "post-processing-outputs"]], "Pre-processing for detection": [[4, "pre-processing-for-detection"]], "Pre-processing for recognition": [[4, "pre-processing-for-recognition"]], "Recognition models": [[4, "recognition-models"]], "Recognition predictors": [[4, "recognition-predictors"]], "Supported Vocabs": [[0, "supported-vocabs"]], "Task evaluation": [[5, "task-evaluation"]], "Text Detection": [[4, "text-detection"]], "Text Recognition": [[4, "text-recognition"]], "Text detection model zoo": [[4, "id2"]], "Text recognition model zoo": [[4, "id3"]], "Two-stage approaches": [[4, "two-stage-approaches"]], "Via Git": [[3, "via-git"]], "Via Python Package": [[3, "via-python-package"]], "Visualization": [[5, "visualization"]], "doctr.datasets": [[0, "doctr-datasets"]], "doctr.documents": [[1, "doctr-documents"]], "doctr.models": [[4, "doctr-models"]], "doctr.utils": [[5, "doctr-utils"]], "end-to-end model zoo": [[4, "id4"]]}, "docnames": ["datasets", "documents", "index", "installing", "models", "utils"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["datasets.rst", "documents.rst", "index.rst", "installing.rst", "models.rst", "utils.rst"], "indexentries": {"artefact (class in doctr.documents)": [[1, "doctr.documents.Artefact", false]], "block (class in doctr.documents)": [[1, "doctr.documents.Block", false]], "convert_to_fp16() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_fp16", false]], "convert_to_tflite() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_tflite", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.crnn_vgg16_bn", false]], "crnn_vgg16_bn_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.crnn_vgg16_bn_predictor", false]], "db_resnet50() (in module doctr.models.detection)": [[4, "doctr.models.detection.db_resnet50", false]], "db_resnet50_predictor() (in module doctr.models.detection)": [[4, "doctr.models.detection.db_resnet50_predictor", false]], "doctr": [[2, "module-doctr", false]], "document (class in doctr.documents)": [[1, "doctr.documents.Document", false]], "exactmatch (class in doctr.utils.metrics)": [[5, "doctr.utils.metrics.ExactMatch", false]], "funsd (class in doctr.datasets)": [[0, "doctr.datasets.FUNSD", false]], "line (class in doctr.documents)": [[1, "doctr.documents.Line", false]], "localizationconfusion (class in doctr.utils.metrics)": [[5, "doctr.utils.metrics.LocalizationConfusion", false]], "module": [[2, "module-doctr", false]], "ocr_db_crnn_vgg() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_db_crnn_vgg", false]], "ocr_db_sar_resnet() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_db_sar_resnet", false]], "ocr_db_sar_vgg() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_db_sar_vgg", false]], "ocrmetric (class in doctr.utils.metrics)": [[5, "doctr.utils.metrics.OCRMetric", false]], "page (class in doctr.documents)": [[1, "doctr.documents.Page", false]], "quantize_model() (in module doctr.models.export)": [[4, "doctr.models.export.quantize_model", false]], "read_img() (in module doctr.documents)": [[1, "doctr.documents.read_img", false]], "read_pdf() (in module doctr.documents)": [[1, "doctr.documents.read_pdf", false]], "sar_resnet31() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_resnet31", false]], "sar_resnet31_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_resnet31_predictor", false]], "sar_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_vgg16_bn", false]], "sar_vgg16_bn_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_vgg16_bn_predictor", false]], "visiondataset (class in doctr.datasets.core)": [[0, "doctr.datasets.core.VisionDataset", false]], "visualize_page() (in module doctr.utils.visualization)": [[5, "doctr.utils.visualization.visualize_page", false]], "word (class in doctr.documents)": [[1, "doctr.documents.Word", false]]}, "objects": {"": [[2, 0, 0, "-", "doctr"]], "doctr.datasets": [[0, 1, 1, "", "FUNSD"]], "doctr.datasets.core": [[0, 1, 1, "", "VisionDataset"]], "doctr.documents": [[1, 1, 1, "", "Artefact"], [1, 1, 1, "", "Block"], [1, 1, 1, "", "Document"], [1, 1, 1, "", "Line"], [1, 1, 1, "", "Page"], [1, 1, 1, "", "Word"], [1, 2, 1, "", "read_img"], [1, 2, 1, "", "read_pdf"]], "doctr.models.detection": [[4, 2, 1, "", "db_resnet50"], [4, 2, 1, "", "db_resnet50_predictor"]], "doctr.models.export": [[4, 2, 1, "", "convert_to_fp16"], [4, 2, 1, "", "convert_to_tflite"], [4, 2, 1, "", "quantize_model"]], "doctr.models.recognition": [[4, 2, 1, "", "crnn_vgg16_bn"], [4, 2, 1, "", "crnn_vgg16_bn_predictor"], [4, 2, 1, "", "sar_resnet31"], [4, 2, 1, "", "sar_resnet31_predictor"], [4, 2, 1, "", "sar_vgg16_bn"], [4, 2, 1, "", "sar_vgg16_bn_predictor"]], "doctr.models.zoo": [[4, 2, 1, "", "ocr_db_crnn_vgg"], [4, 2, 1, "", "ocr_db_sar_resnet"], [4, 2, 1, "", "ocr_db_sar_vgg"]], "doctr.utils.metrics": [[5, 1, 1, "", "ExactMatch"], [5, 1, 1, "", "LocalizationConfusion"], [5, 1, 1, "", "OCRMetric"]], "doctr.utils.visualization": [[5, 2, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:function"}, "terms": {"": [1, 5], "0": [0, 4, 5], "00": [], "01": [], "0123456789": [], "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "02562": [], "03": [], "035": [], "0361328125": [], "04": [], "05": [], "06": [], "06640625": [], "07": [], "08": [], "09": [], "0966796875": [], "1": [4, 5], "10": [], "100": 5, "1000": [], "101": [], "1024": 4, "104": [], "106": [], "108": [], "1095": [], "11": [], "110": 5, "1107": [], "114": [], "1156": [], "116": [], "118": [], "11800h": [], "11th": [], "12": [], "120": [], "123": [], "126": [], "1268": [], "128": 4, "13": [], "130": [], "13068": [], "131": [], "1337891": [], "1357421875": [], "1396484375": [], "14": [], "1420": [], "14470v1": [], "149": [], "15": [], "150": 5, "1552": [], "16": 4, "1630859375": [], "1684": [], "16bn": 4, "16x16": [], "17": [], "1778": [], "1782": [], "18": [], "185546875": [], "1900": [], "1910": [], "19342": [], "19370": [], "195": [], "19598": [], "199": 4, "1999": [], "2": 5, "20": [], "200": 5, "2000": [], "2003": [], "2012": [], "2013": [], "2015": [], "2019": [], "207901": [], "21": [], "2103": [], "2186": [], "21888": [], "22": [], "224": 4, "225": [], "22672": [], "229": [], "23": [], "233": [], "234": [], "24": [], "246": [], "249": [], "25": [], "2504": [], "255": [4, 5], "256": 4, "257": [], "26": [], "26032": [], "264": [], "27": [], "2700": [], "2710": [], "2749": [], "28": [], "287": [], "29": [], "296": [], "299": [], "2d": [], "3": [1, 3, 4, 5], "30": [], "300": [], "3000": [], "301": [], "30595": 4, "30ghz": [], "31": 4, "32": 4, "3232421875": [], "33": [], "33402": [], "33608": [], "34": [], "340": [], "3456": [], "3515625": [], "36": [], "360": [], "37": [], "38": [], "39": [], "4": [], "40": [], "406": [], "41": [], "42": [], "43": [], "44": [], "45": [], "456": [], "46": [], "47": [], "472": [], "48": [], "485": [], "49": [], "49377": [], "5": 5, "50": 4, "51": [], "51171875": [], "512": [], "52": [], "529": [], "53": [], "54": [], "540": [], "5478515625": [], "55": [], "56": [], "57": [], "58": [], "580": [], "5810546875": [], "583": [], "59": [], "595": 4, "597": [], "5k": [], "5m": [], "6": 3, "60": [], "600": [4, 5], "61": [], "62": [], "625": 4, "626": [], "63": [], "64": 4, "641": [], "647": [], "65": [], "652": 4, "653": 4, "66": [], "665": 4, "67": [], "68": [], "69": [], "693": [], "694": [], "695": [], "6m": [], "7": [], "70": 5, "707470": [], "71": [], "7100000": [], "7141797": [], "7149": [], "72": [], "721": 4, "72dpi": [], "73": [], "73257": [], "735": 4, "74": [], "75": [], "7581382": [], "76": [], "77": [], "772": [], "772875": [], "775": 4, "78": [], "781": 4, "785": [], "79": [], "793533": [], "796": [], "798": [], "7m": [], "8": [], "80": [], "800": [4, 5], "81": [], "82": [], "83": [], "830": 4, "84": [], "849": [], "85": [], "856": 4, "8564453125": [], "857": [], "85875": [], "86": [], "860": 4, "8603515625": [], "862": 4, "863": 4, "87": [], "8707": [], "88": [], "89": [], "9": [], "90": [], "90k": [], "90kdict32px": [], "91": [], "914085328578949": [], "92": [], "93": [], "94": [], "95": 5, "9578408598899841": [], "96": [], "98": [], "99": [], "9949972033500671": [], "A": [0, 4], "As": [], "Be": [], "Being": [], "By": [], "For": 4, "If": [1, 4], "In": 4, "It": [], "Its": [], "No": [], "Of": [], "Or": [], "The": [0, 1, 4, 5], "Then": [], "To": [], "_": [], "__call__": [], "_build": [], "_i": 5, "ab": [], "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": [], "abdef": [], "abl": [], "about": 4, "abov": 4, "abstract": 0, "abstractdataset": [], "abus": [], "accent": 5, "accept": [], "access": [0, 1], "account": [], "accur": [], "accuraci": [4, 5], "achiev": [], "act": [], "action": [], "activ": [], "ad": [], "adapt": [], "add": [], "add_hook": [], "add_label": [], "addit": [], "addition": [], "address": [], "adjust": [], "advanc": [], "advantag": [], "advis": [], "aesthet": [], "affect": [], "after": [], "ag": [], "again": [], "aggreg": 5, "aggress": [], "align": [], "all": [0, 1, 4, 5], "allow": [], "along": [], "alreadi": [], "also": [], "alwai": [], "an": [0, 1, 2, 4, 5], "analysi": [1, 4], "ancient_greek": [], "angl": 1, "ani": [0, 1, 4, 5], "annot": [], "anot": [], "anoth": [], "answer": [], "anyascii": [], "anyon": [], "anyth": [], "api": [], "apolog": [], "apologi": [], "app": [], "appear": [], "appli": [], "applic": [], "appoint": [], "appreci": [], "appropri": [], "ar": [0, 1, 4, 5], "arab": [], "arabic_diacrit": [], "arabic_lett": [], "arabic_punctu": [], "arbitrarili": [], "arch": [], "architectur": [2, 4], "archiv": 0, "area": [], "argument": 0, "around": 4, "arrai": 5, "art": 2, "artefact": 1, "artefact_typ": 1, "artifici": [], "arxiv": [], "asarrai": 5, "ascii_lett": [], "aspect": [], "assess": 5, "assign": 5, "associ": 1, "assum": [], "assume_straight_pag": [], "astyp": [4, 5], "attack": [], "attend": 4, "attent": [], "autom": 2, "automat": [], "autoregress": [], "avail": 4, "averag": [], "avoid": [], "aw": 4, "awar": [], "azur": [], "b": 5, "b_j": 5, "back": [], "backbon": 4, "backend": 4, "background": [], "bar": [], "bar_cod": [], "base": [], "baselin": 4, "batch": 4, "batch_siz": [], "bblanchon": [], "bbox": [], "becaus": [], "been": [4, 5], "befor": [], "begin": 5, "behavior": [], "being": [4, 5], "belong": [], "benchmark": [], "best": [], "better": [], "between": 5, "bgr": 1, "bilinear": 4, "bin_thresh": [], "binar": 4, "binari": 4, "bit": [], "block": [1, 4, 5], "block_1_1": [], "blur": [], "bmvc": [], "bn": [], "bodi": [], "bool": [0, 1, 4, 5], "boolean": [], "both": 4, "bottom": [], "bound": [1, 4, 5], "box": [1, 4, 5], "box_thresh": [], "bright": [], "browser": [], "build": [], "built": [], "byte": 4, "c": [], "c_j": [], "cach": [], "cache_sampl": [], "callabl": [], "can": [0, 4], "capabl": 4, "case": 5, "cf": 4, "cfg": [], "challeng": [], "challenge2_test_task12_imag": [], "challenge2_test_task1_gt": [], "challenge2_training_task12_imag": [], "challenge2_training_task1_gt": [], "chang": [], "channel": [1, 4], "channel_prior": [], "channelshuffl": [], "charact": [4, 5], "charactergener": [], "characterist": [], "charg": 4, "charset": [], "chart": [], "check": [], "checkpoint": [], "chip": [], "ci": [], "clarifi": [], "clariti": [], "class": [0, 1, 5], "class_nam": [], "classif": 4, "classif_mobilenet_v3_smal": [], "classmethod": [], "clear": [], "clone": 3, "close": [], "co": [], "code": [], "codecov": [], "colab": [], "collate_fn": [], "collect": 1, "color": [], "colorinvers": [], "column": [], "com": 3, "combin": 4, "come": [], "command": [], "comment": [], "commit": [], "common": 5, "commun": [], "compar": 2, "comparison": [], "competit": [], "compil": [], "complaint": [], "complementari": 5, "complet": [], "compon": 4, "compos": 4, "comprehens": [], "comput": 5, "conda": [], "conf_threshold": [], "confid": 1, "config": [], "configur": [], "confus": 5, "consecut": 4, "consequ": [], "consid": 5, "consist": [], "consolid": [], "constant": [], "construct": [], "contact": [], "contain": [], "content": [0, 1], "context": [], "contib": [], "continu": [], "contrast": [], "contrast_factor": [], "contrib": [], "contribut": [], "contributor": [], "conv_sequ": 4, "convers": 1, "convert": [1, 4], "convert_to_fp16": 4, "convert_to_tflit": 4, "convolut": 4, "coordin": 1, "cord": [], "core": [0, 5], "corner": [], "correct": [], "correspond": 4, "could": [], "counterpart": [], "cover": [], "coverag": [], "cpu": [], "creat": [], "crnn": 4, "crnn_mobilenet_v3_larg": [], "crnn_mobilenet_v3_smal": [], "crnn_vgg16_bn": 4, "crnn_vgg16_bn_predictor": 4, "crop": 4, "crop_orient": [], "crop_orientation_predictor": [], "cuda": [], "currenc": [], "current": [], "custom": [], "customhook": [], "cvit": [], "czczup": [], "czech": [], "d": [], "danish": [], "data": [1, 4], "dataload": [], "dataset": [2, 4], "dataset_info": [], "date": [], "db": [], "db_mobilenet_v3_larg": [], "db_resnet34": [], "db_resnet50": 4, "db_resnet50_predictor": 4, "dbnet": 4, "decis": [], "decod": 1, "decode_img_as_tensor": [], "deem": [], "deep": 4, "def": [], "default": [1, 4], "defer": [], "defin": 5, "deform": 4, "degre": [], "degress": 1, "delet": [], "delimit": [], "delta": [], "demo": [], "demonstr": [], "depend": [], "deploi": [], "deploy": [], "derogatori": [], "describ": 4, "descript": [], "design": [], "desir": [], "det_arch": [], "det_b": [], "det_model": [], "det_param": [], "det_predictor": [], "detail": [], "detect": [], "detect_languag": [], "detect_orient": [], "detection_predictor": [], "detectiondataset": [], "detectionmetr": [], "detectionpredictor": 4, "detector": [], "deterior": [], "determin": [], "dev": [], "develop": [], "developp": 3, "deviat": [], "devic": [], "dict": [1, 5], "dictionari": 1, "differ": [], "differenti": 4, "digit": [], "dimens": [1, 4, 5], "dimension": [], "direct": [], "directli": 4, "directori": [], "disabl": [], "disclaim": 4, "discuss": [], "disk": 0, "disparag": [], "displai": 5, "display_artefact": [], "distanc": 5, "distribut": [], "div": [], "divers": [], "divid": [], "do": [], "doc": 1, "docartefact": [], "docstr": [], "doctr": 3, "doctr_cache_dir": [], "doctr_multiprocessing_dis": [], "document": [0, 4, 5], "documentbuild": [], "documentfil": [], "don": [], "done": [], "download": 0, "downsiz": [], "draw": [], "drop": [], "drop_last": [], "dtype": 4, "dual": [], "dummi": [], "dummy_img": [], "dummy_input": [], "dure": [], "dutch": [], "dynam": [], "dynamic_seq_length": [], "e": 3, "each": [1, 4], "eas": [], "easi": [2, 5], "easier": 4, "easili": [1, 5], "econom": [], "edit": [], "educ": [], "effici": 0, "either": 4, "element": [1, 4], "els": [], "email": [], "empathi": [], "en": [], "enabl": 1, "enclos": 1, "encod": 0, "encode_sequ": [], "encount": [], "encrypt": [], "end": 5, "english": [], "enhanc": 4, "enough": 4, "ensur": [], "entri": [], "environ": [], "eo": [], "equiv": [], "error": 5, "estim": [], "etc": [], "ethnic": [], "evalu": [0, 4], "event": [], "everyon": [], "everyth": [], "exact": 5, "exactmatch": 5, "exampl": [0, 1, 4, 5], "exchang": [], "exclud": 4, "execut": [], "exist": [], "expand": [], "expect": [0, 1, 4], "experi": [], "explan": 4, "explicit": [], "exploit": [], "export": [1, 5], "export_as_straight_box": [], "export_as_xml": [], "export_model_to_onnx": [], "express": [], "extens": [], "extern": [], "extract": [0, 2, 4], "extract_arch": 0, "extractor": 4, "f_": 5, "f_a": 5, "factor": [], "fair": [], "fairli": [], "fals": [0, 4, 5], "faq": [], "fascan": [], "fast": [], "fast_bas": [], "fast_smal": [], "fast_tini": [], "faster": [], "fasterrcnn_mobilenet_v3_large_fpn": [], "favorit": [], "featur": [4, 5], "feedback": [], "feel": [], "felix92": [], "few": [], "figsiz": [], "figur": [], "file": 0, "file_hash": 0, "file_nam": 0, "file_path": 1, "final": [], "find": [], "finnish": [], "first": [], "firsthand": [], "fit": [], "flag": [], "flip": [], "float": [1, 5], "float32": 4, "fn": [], "focu": [], "focus": [], "folder": [], "follow": [4, 5], "font": [], "font_famili": [], "foral": 5, "forc": [], "forg": [], "form": 0, "format": [1, 4], "forpost": [], "forum": [], "fp": 4, "fp16": 4, "frac": 5, "framework": 0, "free": [], "french": [], "friendli": [], "from": [0, 1, 2, 4, 5], "from_hub": [], "from_imag": [], "from_pdf": [], "from_url": [], "full": [4, 5], "function": [4, 5], "funsd": [0, 4], "further": [], "futur": [], "g": [], "g_": 5, "g_x": 5, "gamma": [], "gaussian": [], "gaussianblur": [], "gaussiannois": [], "gen": [], "gender": [], "gener": [], "geometri": 1, "geq": 5, "german": [], "get": [], "git": 2, "github": 3, "give": [], "given": [0, 4, 5], "global": [], "go": [], "good": [], "googl": 4, "googlevis": [], "gpu": [], "gracefulli": [], "graph": [], "grayscal": [], "ground": 5, "groung": [], "group": [], "gt": [], "gt_box": [], "gt_label": [], "guid": [], "guidanc": [], "gvision": [], "h": 1, "h_": 5, "ha": [0, 5], "half": 4, "handl": 0, "handwrit": [], "handwritten": [], "harass": [], "hardwar": [], "harm": [], "hat": 5, "have": [0, 4, 5], "head": [], "healthi": [], "hebrew": [], "height": 1, "hello": 5, "help": [], "here": 0, "hf": [], "hf_hub_download": [], "high": 1, "higher": [], "hindi_digit": [], "hocr": [], "hook": [], "horizont": [], "hous": [], "how": [], "howev": [], "hsv": [], "html": [], "http": 3, "hub": [], "hue": [], "huggingfac": [], "hw": [], "i": [0, 4, 5], "i7": [], "ic03": [], "ic13": [], "icdar": [], "icdar2019": [], "id": [], "ident": [], "identifi": 4, "ignor": 5, "ignore_acc": 5, "ignore_cas": 5, "iiit": [], "iiit5k": [], "iiithw": [], "imag": [1, 4, 5], "imagenet": 4, "imageri": [], "images_90k_norm": [], "img": 0, "img_cont": [], "img_fold": [], "img_path": [], "img_transform": [], "imgur5k": [], "imgur5k_annot": [], "imlist": [], "impact": [], "implement": [0, 1, 4, 5], "import": [0, 1, 4, 5], "improv": [], "inappropri": [], "incid": [], "includ": 4, "inclus": [], "increas": [], "index": 1, "indic": 5, "individu": [], "infer": [], "inform": [2, 4], "inherit": 0, "input": [1, 4], "input_crop": [], "input_pag": [4, 5], "input_shap": 4, "input_tensor": 4, "inspir": [], "instal": 2, "instanc": 4, "instanti": [], "instead": 1, "insult": [], "int": [1, 4, 5], "int64": [], "integ": 5, "integr": [], "intel": [], "interact": [], "interfac": [], "interoper": [], "interpol": 4, "interpret": 0, "intersect": 5, "invert": [], "investig": [], "invis": [], "involv": 4, "io": [], "iou": 5, "iou_thresh": 5, "iou_threshold": [], "irregular": 4, "isn": [], "issu": [], "italian": [], "iter": [], "its": [], "itself": [], "j": 5, "job": [], "join": [], "jpeg": [], "jpegqual": [], "jpg": 1, "json": [], "json_output": [], "jump": [], "just": [], "kei": [], "kera": 4, "kernel": [], "kernel_s": 4, "kernel_shap": [], "keywoard": [], "keyword": 0, "kie": [], "kie_predictor": [], "kiepredictor": [], "kind": [], "know": [], "kwarg": [0, 1, 4], "l": 5, "l_j": 5, "label": [], "label_fil": [], "label_fold": [], "label_path": [], "labels_path": [], "ladder": [], "lambda": [], "lambdatransform": [], "lang": [], "languag": [1, 2], "larg": [], "largest": [], "last": [3, 4], "latenc": [], "later": [], "latest": [], "latin": [], "layer": [], "layout": [], "lead": [], "leader": [], "learn": 4, "least": [], "left": 5, "legacy_french": [], "length": [], "less": [], "let": 4, "letter": 5, "level": [4, 5], "levenshtein": 5, "leverag": [], "lf": [], "librari": 3, "light": [], "like": [], "limits_": 5, "line": [1, 5], "line_1_1": [], "link": [], "linknet": [], "linknet_resnet18": [], "linknet_resnet34": [], "linknet_resnet50": [], "list": 1, "ll": 5, "load": [], "load_state_dict": [], "load_weight": [], "loc_pr": [], "local": [4, 5], "localis": [], "localizationconfus": 5, "locat": [], "login": [], "login_to_hub": [], "logo": [], "love": [], "lower": [], "m": 5, "m1": [], "macbook": [], "machin": [], "made": [], "magc_resnet31": [], "mai": [], "mail": [], "main": [], "maintain": [], "mainten": [], "make": [4, 5], "mani": [], "manipul": [], "map": 4, "map_loc": [], "master": [], "match": 5, "mathcal": 5, "matplotlib": 5, "max": 5, "max_angl": [], "max_area": [], "max_char": [], "max_delta": [], "max_dist": 5, "max_gain": [], "max_gamma": [], "max_qual": [], "max_ratio": [], "maximum": 5, "maxval": 4, "mbox": 5, "mean": 5, "meaniou": 5, "meant": [], "measur": [], "media": [], "median": [], "meet": [], "member": [], "memori": [], "mention": [], "merg": [], "messag": [], "meta": [], "metadata": [], "metal": [], "method": [], "metric": [4, 5], "middl": [], "might": 4, "min": [], "min_area": [], "min_char": [], "min_gain": [], "min_gamma": [], "min_qual": [], "min_ratio": [], "min_val": [], "minde": 3, "minim": [], "minimalist": [], "minimum": 5, "minval": [], "miss": [], "mistak": [], "mixed_float16": [], "mixed_precis": [], "mjsynth": [], "mnt": [], "mobilenet": [], "mobilenet_v3_larg": [], "mobilenet_v3_large_r": [], "mobilenet_v3_smal": [], "mobilenet_v3_small_crop_orient": [], "mobilenet_v3_small_r": [], "mobilenetv3": [], "modal": [], "mode": 3, "model": [0, 2, 5], "model_nam": [], "model_path": [], "moder": [], "modif": [], "modifi": [], "modul": [1, 4, 5], "more": [], "most": 4, "mozilla": [], "multi": [], "multilingu": [], "multipl": 0, "multipli": [], "multiprocess": [], "my": [], "my_awesome_model": [], "my_hook": [], "n": 5, "name": 0, "nation": [], "natur": 2, "ndarrai": [1, 5], "necessari": [], "need": 5, "neg": [], "nest": [], "network": [], "neural": [], "new": [], "newer": 3, "next": [], "nois": [], "noisi": 0, "non": [1, 5], "none": [0, 1, 5], "normal": 4, "norwegian": [], "note": [], "now": [], "np": [4, 5], "num_output_channel": [], "num_sampl": [], "num_work": [], "number": 5, "numpi": [1, 4, 5], "o": [], "obb": [], "obj_detect": [], "object": 0, "oblig": [], "obtain": [], "occupi": [], "ocr": 5, "ocr_carea": [], "ocr_db_crnn": 5, "ocr_db_crnn_vgg": 4, "ocr_db_sar_resnet": 4, "ocr_db_sar_vgg": 4, "ocr_lin": [], "ocr_pag": [], "ocr_par": [], "ocr_predictor": [], "ocrdataset": [], "ocrmetr": 5, "ocrpredictor": 4, "ocrx_word": [], "offens": [], "offici": [], "offlin": [], "offset": [], "onc": [0, 4], "one": [0, 4], "oneof": [], "ones": [], "onli": 5, "onlin": [], "onnx": [], "onnxruntim": [], "opac": [], "opacity_rang": [], "open": [], "opinion": [], "optic": 4, "optim": [], "option": [], "order": [1, 4], "org": [], "organ": 1, "orient": 1, "orientationpredictor": [], "other": [], "otherwis": 5, "our": [], "out": [4, 5], "outpout": [], "output": 1, "output_s": 1, "outsid": [], "over": 5, "overal": [], "overlai": [], "overview": [], "overwrit": 0, "overwritten": [], "own": 2, "p": [], "packag": 5, "pad": 4, "page": [1, 4, 5], "page1": [], "page2": [], "page_1": [], "page_idx": 1, "pair": 5, "paper": [], "par_1_1": [], "paragraph": [], "paragraph_break": [], "param": 4, "paramet": [0, 1, 4, 5], "pars": [], "parseq": [], "part": [], "parti": [], "partial": [], "particip": [], "pass": 4, "password": [], "patch": [], "path": 1, "path_to_checkpoint": [], "path_to_pt": [], "pattern": [], "pdf": 1, "pdfpage": [], "peopl": [], "per": [], "perform": [1, 2, 4, 5], "period": [], "permiss": [], "permut": [], "persian_lett": [], "person": [], "phase": [], "photo": [], "physic": [], "pick": [], "pictur": [], "pip": 3, "pipelin": [], "pixel": 1, "pleas": [], "plot": [], "plt": 5, "plug": [], "plugin": [], "png": [], "point": [], "polici": [], "polish": [], "polit": [], "polygon": [], "pool": [], "portugues": [], "posit": 5, "possibl": 5, "post": [], "postprocessor": 4, "potenti": 4, "power": 2, "ppageno": [], "pre": [], "precis": [4, 5], "pred": [], "pred_box": [], "pred_label": [], "predefin": 0, "predict": [1, 5], "predictor": [], "prefer": 0, "preinstal": [], "preprocessor": 4, "prerequisit": [], "present": 0, "preserv": [], "preserve_aspect_ratio": [], "pretrain": [4, 5], "pretrained_backbon": [], "print": [], "prior": [], "privaci": [], "privat": [], "probabl": [], "problem": [], "procedur": [], "process": [1, 2], "processor": [], "produc": 4, "product": [], "profession": [], "project": [], "promptli": [], "proper": [], "properli": 0, "provid": [2, 4], "public": [], "publicli": [], "publish": [], "pull": [], "punctuat": [], "pure": [], "purpos": 4, "push_to_hf_hub": [], "py": [], "pypdfium2": [], "pyplot": 5, "python": 2, "python3": [], "pytorch": [], "q": [], "qr": [], "qr_code": [], "qualiti": [], "quantiz": 4, "quantize_model": 4, "question": [], "quickli": 2, "quicktour": [], "r": [], "race": [], "ramdisk": [], "rand": [4, 5], "random": [4, 5], "randomappli": [], "randombright": [], "randomcontrast": [], "randomcrop": [], "randomgamma": [], "randomhorizontalflip": [], "randomhu": [], "randomjpegqu": [], "randomli": [], "randomrot": [], "randomsatur": [], "randomshadow": [], "rang": [], "rassi": [], "ratio": [], "raw": 1, "re": 0, "read": 4, "read_html": [], "read_img": 1, "read_img_as_numpi": [], "read_img_as_tensor": [], "read_pdf": 1, "readi": [], "real": 4, "reason": [], "rebuild": [], "rebuilt": [], "recal": [4, 5], "receipt": [], "reco_arch": [], "reco_b": [], "reco_model": [], "reco_param": [], "reco_predictor": [], "recogn": [], "recognit": 5, "recognition_predictor": [], "recognition_task": [], "recognitiondataset": [], "recognitionpredictor": 4, "rectangular": [], "reduc": [], "refer": [], "regardless": [], "region": [], "regroup": 5, "regular": [], "reject": [], "rel": 1, "relat": [], "releas": 3, "relev": [], "religion": [], "relu": 4, "remov": [], "render": [], "repo": [], "repo_id": [], "report": [], "repositori": [], "repres": 4, "represent": [], "request": [], "requir": 3, "research": 2, "residu": [], "resiz": 4, "resnet": 4, "resnet18": [], "resnet31": [], "resnet34": [], "resnet50": [], "resolv": 1, "resolve_block": [], "resolve_lin": [], "resourc": [], "respect": [], "rest": 5, "restrict": [], "result": 1, "return": [1, 4], "reusabl": 4, "review": [], "rgb": 1, "rgb_mode": [], "rgb_output": 1, "right": [4, 5], "rnn": 4, "robust": [], "root": [], "rotat": 1, "run": [], "same": 5, "sampl": [], "sample_transform": [], "sar": 4, "sar_resnet31": 4, "sar_resnet31_predictor": 4, "sar_vgg16_bn": 4, "sar_vgg16_bn_predictor": 4, "satur": [], "save": 0, "scale": [], "scan": 0, "scene": 4, "scheme": 4, "score": [], "script": [], "seamless": [], "seamlessli": [], "search": [], "searchabl": [], "sec": [], "second": [], "section": [], "secur": [], "see": [], "seemlessli": 2, "seen": 4, "segment": 4, "self": [], "semant": [], "send": [], "sens": 5, "sensit": [], "separ": 4, "sequenc": [4, 5], "sequenti": 4, "seri": [], "serial": 4, "serialized_model": 4, "seriou": [], "set": [0, 4, 5], "set_global_polici": [], "sever": [], "sex": [], "sexual": [], "sha256": 0, "shade": [], "shape": [1, 4, 5], "share": [], "shift": [], "shm": [], "should": [0, 1, 5], "show": [4, 5], "showcas": [], "shuffl": [], "side": [], "signatur": [], "signific": 0, "simpl": 4, "simpler": [], "sinc": 0, "singl": [], "size": [1, 4], "skew": [], "slack": [], "slightli": [], "small": [], "smallest": 1, "snapshot_download": [], "snippet": [], "so": [], "social": [], "socio": [], "some": [], "someth": [], "somewher": [], "soon": [], "sort": [], "sourc": [0, 1, 4, 5], "space": [], "span": [], "spanish": [], "spatial": [], "specif": 5, "specifi": 1, "speed": [], "sphinx": [], "sroie": [], "stabl": 3, "stackoverflow": [], "stage": [], "standard": [], "start": [], "state": 2, "static": [], "statist": 4, "statu": [], "std": [], "step": [], "still": [], "str": [0, 1, 5], "straight": [], "straighten_pag": [], "stream": [], "street": [], "strict": [], "strictli": 5, "string": [1, 4], "strive": [], "strong": 4, "structur": 4, "subset": [0, 4], "suggest": [], "sum": 5, "summari": 5, "support": [], "sustain": [], "svhn": [], "svt": [], "swedish": [], "symbol": 4, "symmetr": [], "symmetric_pad": [], "synthet": [], "synthtext": [], "system": [], "t": [], "tabl": [], "take": [], "target": [0, 4], "target_s": [], "task": [2, 4], "task2": [], "team": [], "techminde": [], "templat": [], "tensor": 4, "tensorflow": 4, "tensorspec": [], "term": [], "test": [], "test_set": [], "text": 1, "text_output": [], "textmatch": [], "textnet": [], "textnet_bas": [], "textnet_smal": [], "textnet_tini": [], "textract": 4, "textstylebrush": [], "textual": [0, 1], "tf": 4, "tf_model": 4, "tflite": 4, "than": 5, "thank": [], "thei": [], "them": 0, "thi": [3, 4, 5], "thing": [], "third": [], "those": 4, "threaten": [], "threshold": [], "through": 0, "tilman": [], "time": [0, 4, 5], "tini": [], "titl": [], "tm": [], "tmp": [], "togeth": 4, "tograi": [], "tool": [], "top": [], "topic": [], "torch": [], "torchvis": [], "total": [], "toward": [], "train": [0, 4], "train_it": [], "train_load": [], "train_pytorch": [], "train_set": 0, "train_tensorflow": [], "trainabl": [], "tranform": [], "transcrib": [], "transfer": [], "transfo": [], "transform": [], "translat": [], "troll": [], "true": [0, 1, 4, 5], "truth": 5, "tune": [], "tupl": [1, 4], "turn": 4, "two": [], "txt": [], "type": [1, 4], "typic": [], "u": [], "ucsd": [], "udac": [], "uint8": [4, 5], "unaccept": [], "underli": [], "underneath": [], "understand": [0, 2], "uniform": 4, "uniformli": [], "uninterrupt": [], "union": 5, "unittest": [], "unlock": [], "unoffici": [], "unprofession": [], "unsolicit": [], "unsupervis": [], "unwelcom": [], "up": [], "updat": 5, "upgrad": [], "upper": [], "uppercas": [], "url": 0, "us": [3, 4, 5], "usabl": 4, "usag": 4, "use_polygon": [], "useabl": [], "user": 1, "utf": [], "util": [2, 4], "v1": [], "v3": [], "valid": [], "valu": 1, "valuabl": 2, "variabl": [], "varieti": [], "veri": [], "verifi": 0, "version": 4, "vgg": 4, "vgg16": 4, "vgg16_bn_r": [], "via": 2, "vietnames": [], "view": [], "viewpoint": [], "violat": [], "visibl": [], "vision": 4, "visiondataset": 0, "visiontransform": [], "visual": [], "visualize_pag": 5, "vit_": [], "vit_b": [], "vitstr": [], "vitstr_bas": [], "vitstr_smal": [], "viz": [], "vocab": [], "vocabulari": [], "w": [1, 5], "w3": [], "wa": [], "wai": 2, "want": [], "warmup": [], "wasn": [], "we": [], "weasyprint": [], "web": [], "websit": [], "weight": [], "welcom": [], "well": [], "were": [], "what": [], "when": 5, "whenev": [], "where": [1, 5], "whether": [0, 1, 5], "which": 4, "whichev": [], "while": [], "why": [], "width": 1, "wiki": [], "wildreceipt": [], "window": [], "wish": [], "within": [], "without": 4, "wonder": [], "word": [1, 4, 5], "word_1_1": [], "word_1_2": [], "word_1_3": [], "wordgener": [], "words_onli": 5, "work": [], "worker": [], "workflow": [], "worklow": [], "world": 5, "worth": [], "wrap": [], "wrapper": [], "write": [], "written": [], "www": [], "x": [1, 5], "x_ascend": [], "x_descend": [], "x_i": 5, "x_size": [], "x_wconf": [], "xhtml": [], "xmax": 1, "xmin": 1, "xml": [], "xml_bytes_str": [], "xml_element": [], "xml_output": [], "xmln": [], "y": 5, "y_i": 5, "y_j": 5, "yet": [], "ymax": 1, "ymin": 1, "yolov8": [], "you": 4, "your": [0, 1, 2, 5], "yoursit": [], "zero": 4, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": [], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": [], "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": [], "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": [], "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": [], "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": [], "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": [], "\u00e4\u00f6\u00e4\u00f6": [], "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": [], "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": [], "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": [], "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": [], "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": [], "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": [], "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "\u067e\u0686\u06a2\u06a4\u06af": []}, "titles": ["doctr.datasets", "doctr.documents", "DocTR: Document Text Recognition", "Installation", "doctr.models", "doctr.utils"], "titleterms": {"": [], "0": [], "01": [], "02": [], "03": [], "04": [], "05": [], "07": [], "08": [], "09": [], "1": [], "10": [], "11": [], "12": [], "18": [], "2": [], "2021": [], "2022": [], "2023": [], "2024": [], "22": [], "27": [], "28": [], "29": [], "3": [], "31": [], "4": [], "5": [], "6": [], "7": [], "8": [], "advanc": [], "approach": 4, "architectur": [], "arg": [], "artefact": [], "artefactdetect": [], "attribut": [], "avail": 0, "aw": [], "ban": [], "block": [], "bug": [], "changelog": [], "choos": [], "classif": [], "code": [], "codebas": [], "commit": [], "commun": [], "compos": [], "conda": [], "conduct": [], "connect": [], "continu": [], "contrib": [], "contribut": [], "contributor": [], "convent": [], "correct": [], "coven": [], "custom": [], "data": [], "dataload": [], "dataset": 0, "detect": 4, "develop": [], "do": [], "doctr": [0, 1, 2, 4, 5], "document": [1, 2], "end": 4, "enforc": [], "evalu": 5, "export": 4, "factori": [], "featur": [], "feedback": [], "file": 1, "from": [], "gener": [], "get": 2, "git": 3, "guidelin": [], "half": [], "hub": [], "huggingfac": [], "i": [], "infer": [], "instal": 3, "integr": [], "io": [], "lambda": [], "let": [], "line": [], "linux": [], "load": [], "loader": [], "main": [], "mode": [], "model": 4, "modifi": [], "modul": [], "name": [], "notebook": [], "object": [], "ocr": 4, "onli": [], "onnx": [], "optim": [], "option": [], "our": [], "output": 4, "own": [], "packag": [2, 3], "page": [], "perman": [], "pipelin": [], "pledg": [], "post": 4, "pre": 4, "precis": [], "predictor": 4, "prepar": [], "prerequisit": [], "pretrain": [], "process": 4, "push": [], "python": 3, "qualiti": [], "question": [], "read": 1, "readi": [], "recognit": [2, 4], "report": [], "request": [], "respons": [], "return": [], "right": [], "scope": [], "share": [], "should": [], "stage": 4, "standard": [], "start": 2, "structur": 1, "style": [], "support": 0, "synthet": [], "task": 5, "temporari": [], "test": [], "text": [2, 4], "train": [], "transform": [], "two": 4, "unit": [], "us": [], "util": 5, "v0": [], "verif": [], "via": 3, "visual": 5, "vocab": 0, "warn": [], "what": [], "word": [], "your": [], "zoo": 4}})
\ No newline at end of file
diff --git a/v0.1.1/using_doctr/custom_models_training.html b/v0.1.1/using_doctr/custom_models_training.html
index c0727fafce..5dd87ae891 100644
--- a/v0.1.1/using_doctr/custom_models_training.html
+++ b/v0.1.1/using_doctr/custom_models_training.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/using_doctr/running_on_aws.html b/v0.1.1/using_doctr/running_on_aws.html
index 7fb7642af7..3823224a32 100644
--- a/v0.1.1/using_doctr/running_on_aws.html
+++ b/v0.1.1/using_doctr/running_on_aws.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
AWS Lambda - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -262,12 +264,12 @@ AWS Lambda
-
+
Next
- doctr.datasets
+ doctr.contrib
diff --git a/v0.1.1/using_doctr/sharing_models.html b/v0.1.1/using_doctr/sharing_models.html
index 512b8f95ac..6739f0fd09 100644
--- a/v0.1.1/using_doctr/sharing_models.html
+++ b/v0.1.1/using_doctr/sharing_models.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Share your model with the community - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -425,14 +427,14 @@ Recognition
-
+
Previous
- Choose a ready to use dataset
+ Integrate contributions into your pipeline
diff --git a/v0.1.1/using_doctr/using_contrib_modules.html b/v0.1.1/using_doctr/using_contrib_modules.html
new file mode 100644
index 0000000000..0056bc6aaf
--- /dev/null
+++ b/v0.1.1/using_doctr/using_contrib_modules.html
@@ -0,0 +1,372 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ Integrate contributions into your pipeline - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+Integrate contributions into your pipeline¶
+The contrib module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+Available contribution modules¶
+NOTE: To use the contrib module, you need to install the onnxruntime package. You can install it using the following command:
+pip install python-doctr[contrib]
+# Or
+pip install onnxruntime # pip install onnxruntime-gpu
+
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection¶
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+from doctr.io import DocumentFile
+from doctr.contrib.artefacts import ArtefactDetection
+
+# Load the document
+doc = DocumentFile.from_images(["path/to/your/image"])
+detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+artefacts = detector(doc)
+
+# Visualize the detected artefacts
+detector.show()
+
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: YOLOv8
+NOTE: The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+from doctr.contrib import ArtefactDetection
+
+detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/v0.1.1/using_doctr/using_datasets.html b/v0.1.1/using_doctr/using_datasets.html
index 902a9ccff2..b606f789b5 100644
--- a/v0.1.1/using_doctr/using_datasets.html
+++ b/v0.1.1/using_doctr/using_datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Choose a ready to use dataset - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -502,12 +504,12 @@ Data Loading
-
+
Next
- Share your model with the community
+ Integrate contributions into your pipeline
diff --git a/v0.1.1/using_doctr/using_model_export.html b/v0.1.1/using_doctr/using_model_export.html
index 705745c9b2..70878176d8 100644
--- a/v0.1.1/using_doctr/using_model_export.html
+++ b/v0.1.1/using_doctr/using_model_export.html
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.1.1/using_doctr/using_models.html b/v0.1.1/using_doctr/using_models.html
index 5f87f3162c..4a4be290bd 100644
--- a/v0.1.1/using_doctr/using_models.html
+++ b/v0.1.1/using_doctr/using_models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/detection.html b/v0.2.0/_modules/doctr/datasets/detection.html
index 344d308644..e65d2a69e1 100644
--- a/v0.2.0/_modules/doctr/datasets/detection.html
+++ b/v0.2.0/_modules/doctr/datasets/detection.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/doc_artefacts.html b/v0.2.0/_modules/doctr/datasets/doc_artefacts.html
index fe1b5fff8b..3ab9710208 100644
--- a/v0.2.0/_modules/doctr/datasets/doc_artefacts.html
+++ b/v0.2.0/_modules/doctr/datasets/doc_artefacts.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/generator/tensorflow.html b/v0.2.0/_modules/doctr/datasets/generator/tensorflow.html
index 73756d082a..f227332363 100644
--- a/v0.2.0/_modules/doctr/datasets/generator/tensorflow.html
+++ b/v0.2.0/_modules/doctr/datasets/generator/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/ic03.html b/v0.2.0/_modules/doctr/datasets/ic03.html
index 5b54988686..c2a734e880 100644
--- a/v0.2.0/_modules/doctr/datasets/ic03.html
+++ b/v0.2.0/_modules/doctr/datasets/ic03.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/ic13.html b/v0.2.0/_modules/doctr/datasets/ic13.html
index 2661a1ffe8..7cc68c56c5 100644
--- a/v0.2.0/_modules/doctr/datasets/ic13.html
+++ b/v0.2.0/_modules/doctr/datasets/ic13.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/iiit5k.html b/v0.2.0/_modules/doctr/datasets/iiit5k.html
index 809cc151cd..e90d69264d 100644
--- a/v0.2.0/_modules/doctr/datasets/iiit5k.html
+++ b/v0.2.0/_modules/doctr/datasets/iiit5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/iiithws.html b/v0.2.0/_modules/doctr/datasets/iiithws.html
index 2fecb5a00b..871ca30d48 100644
--- a/v0.2.0/_modules/doctr/datasets/iiithws.html
+++ b/v0.2.0/_modules/doctr/datasets/iiithws.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/imgur5k.html b/v0.2.0/_modules/doctr/datasets/imgur5k.html
index 2d3d7b33d8..ec15123773 100644
--- a/v0.2.0/_modules/doctr/datasets/imgur5k.html
+++ b/v0.2.0/_modules/doctr/datasets/imgur5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/mjsynth.html b/v0.2.0/_modules/doctr/datasets/mjsynth.html
index 8ae0e70cc8..dda4be9de9 100644
--- a/v0.2.0/_modules/doctr/datasets/mjsynth.html
+++ b/v0.2.0/_modules/doctr/datasets/mjsynth.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/ocr.html b/v0.2.0/_modules/doctr/datasets/ocr.html
index 713dffb16e..11564144be 100644
--- a/v0.2.0/_modules/doctr/datasets/ocr.html
+++ b/v0.2.0/_modules/doctr/datasets/ocr.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/recognition.html b/v0.2.0/_modules/doctr/datasets/recognition.html
index 02dbb3a9b0..d5806a837d 100644
--- a/v0.2.0/_modules/doctr/datasets/recognition.html
+++ b/v0.2.0/_modules/doctr/datasets/recognition.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/svhn.html b/v0.2.0/_modules/doctr/datasets/svhn.html
index 190884a6e1..aea7dacc1c 100644
--- a/v0.2.0/_modules/doctr/datasets/svhn.html
+++ b/v0.2.0/_modules/doctr/datasets/svhn.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/svt.html b/v0.2.0/_modules/doctr/datasets/svt.html
index 78bf1370c6..1114ca8c3c 100644
--- a/v0.2.0/_modules/doctr/datasets/svt.html
+++ b/v0.2.0/_modules/doctr/datasets/svt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/synthtext.html b/v0.2.0/_modules/doctr/datasets/synthtext.html
index 438b7c2796..5ed27b2010 100644
--- a/v0.2.0/_modules/doctr/datasets/synthtext.html
+++ b/v0.2.0/_modules/doctr/datasets/synthtext.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/datasets/wildreceipt.html b/v0.2.0/_modules/doctr/datasets/wildreceipt.html
index 9af778b203..e36337ffed 100644
--- a/v0.2.0/_modules/doctr/datasets/wildreceipt.html
+++ b/v0.2.0/_modules/doctr/datasets/wildreceipt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/io/elements.html b/v0.2.0/_modules/doctr/io/elements.html
index 70caf5bc30..543e2529c9 100644
--- a/v0.2.0/_modules/doctr/io/elements.html
+++ b/v0.2.0/_modules/doctr/io/elements.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/io/html.html b/v0.2.0/_modules/doctr/io/html.html
index df601e37d2..97cf8664fa 100644
--- a/v0.2.0/_modules/doctr/io/html.html
+++ b/v0.2.0/_modules/doctr/io/html.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/io/image/base.html b/v0.2.0/_modules/doctr/io/image/base.html
index 1384abe2dc..058731e790 100644
--- a/v0.2.0/_modules/doctr/io/image/base.html
+++ b/v0.2.0/_modules/doctr/io/image/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/io/image/tensorflow.html b/v0.2.0/_modules/doctr/io/image/tensorflow.html
index 8eabde9b0e..6797c8b791 100644
--- a/v0.2.0/_modules/doctr/io/image/tensorflow.html
+++ b/v0.2.0/_modules/doctr/io/image/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/io/pdf.html b/v0.2.0/_modules/doctr/io/pdf.html
index 44d6ac3748..64c61e2f80 100644
--- a/v0.2.0/_modules/doctr/io/pdf.html
+++ b/v0.2.0/_modules/doctr/io/pdf.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/io/reader.html b/v0.2.0/_modules/doctr/io/reader.html
index 135229fa82..b6090a998a 100644
--- a/v0.2.0/_modules/doctr/io/reader.html
+++ b/v0.2.0/_modules/doctr/io/reader.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html b/v0.2.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html
index 2b48306056..d89511dd77 100644
--- a/v0.2.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/classification/magc_resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/classification/mobilenet/tensorflow.html b/v0.2.0/_modules/doctr/models/classification/mobilenet/tensorflow.html
index 92f6fb4fd3..2214ac33db 100644
--- a/v0.2.0/_modules/doctr/models/classification/mobilenet/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/classification/mobilenet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/classification/resnet/tensorflow.html b/v0.2.0/_modules/doctr/models/classification/resnet/tensorflow.html
index 186b223605..ec28f76365 100644
--- a/v0.2.0/_modules/doctr/models/classification/resnet/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/classification/resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/classification/textnet/tensorflow.html b/v0.2.0/_modules/doctr/models/classification/textnet/tensorflow.html
index 82393028d4..29a46eeb97 100644
--- a/v0.2.0/_modules/doctr/models/classification/textnet/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/classification/textnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/classification/vgg/tensorflow.html b/v0.2.0/_modules/doctr/models/classification/vgg/tensorflow.html
index c0608dcf16..6b37051963 100644
--- a/v0.2.0/_modules/doctr/models/classification/vgg/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/classification/vgg/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/classification/vit/tensorflow.html b/v0.2.0/_modules/doctr/models/classification/vit/tensorflow.html
index bfddadfa4f..6ddce2d19f 100644
--- a/v0.2.0/_modules/doctr/models/classification/vit/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/classification/vit/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/classification/zoo.html b/v0.2.0/_modules/doctr/models/classification/zoo.html
index b490415563..3a29660995 100644
--- a/v0.2.0/_modules/doctr/models/classification/zoo.html
+++ b/v0.2.0/_modules/doctr/models/classification/zoo.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html b/v0.2.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
index 920f7d63ba..acd8d1adff 100644
--- a/v0.2.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/detection/fast/tensorflow.html b/v0.2.0/_modules/doctr/models/detection/fast/tensorflow.html
index 4bd34f841c..c1f45d6d55 100644
--- a/v0.2.0/_modules/doctr/models/detection/fast/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/detection/fast/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/detection/linknet/tensorflow.html b/v0.2.0/_modules/doctr/models/detection/linknet/tensorflow.html
index e74d533acf..90f0605a78 100644
--- a/v0.2.0/_modules/doctr/models/detection/linknet/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/detection/linknet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/factory/hub.html b/v0.2.0/_modules/doctr/models/factory/hub.html
index 8845c155b9..ac903a2c14 100644
--- a/v0.2.0/_modules/doctr/models/factory/hub.html
+++ b/v0.2.0/_modules/doctr/models/factory/hub.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -284,7 +286,6 @@ Source code for doctr.models.factory.hub
"classification": models.classification.zoo.ARCHS,
"detection": models.detection.zoo.ARCHS,
"recognition": models.recognition.zoo.ARCHS,
- "obj_detection": ["fasterrcnn_mobilenet_v3_large_fpn"] if is_torch_available() else None,
}
@@ -363,8 +364,8 @@ Source code for doctr.models.factory.hub
if run_config is None and arch is None:
raise ValueError("run_config or arch must be specified")
- if task not in ["classification", "detection", "recognition", "obj_detection"]:
- raise ValueError("task must be one of classification, detection, recognition, obj_detection")
+ if task not in ["classification", "detection", "recognition"]:
+ raise ValueError("task must be one of classification, detection, recognition")
# default readme
readme = textwrap.dedent(
@@ -418,7 +419,7 @@ Source code for doctr.models.factory.hub
\n{json.dumps(vars(run_config), indent=2, ensure_ascii=False)}"""
)
- if arch not in AVAILABLE_ARCHS[task]: # type: ignore
+ if arch not in AVAILABLE_ARCHS[task]:
raise ValueError(
f"Architecture: {arch} for task: {task} not found.\
\nAvailable architectures: {AVAILABLE_ARCHS}"
@@ -473,14 +474,6 @@ Source code for doctr.models.factory.hub
model = models.detection.__dict__[arch](pretrained=False)
elif task == "recognition":
model = models.recognition.__dict__[arch](pretrained=False, input_shape=cfg["input_shape"], vocab=cfg["vocab"])
- elif task == "obj_detection" and is_torch_available():
- model = models.obj_detection.__dict__[arch](
- pretrained=False,
- image_mean=cfg["mean"],
- image_std=cfg["std"],
- max_size=cfg["input_shape"][-1],
- num_classes=len(cfg["classes"]),
- )
# update model cfg
model.cfg = cfg
diff --git a/v0.2.0/_modules/doctr/models/recognition/crnn/tensorflow.html b/v0.2.0/_modules/doctr/models/recognition/crnn/tensorflow.html
index 88dae9be17..8ad0466dab 100644
--- a/v0.2.0/_modules/doctr/models/recognition/crnn/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/recognition/crnn/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/recognition/master/tensorflow.html b/v0.2.0/_modules/doctr/models/recognition/master/tensorflow.html
index 17d35bdc33..23f2aceb60 100644
--- a/v0.2.0/_modules/doctr/models/recognition/master/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/recognition/master/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/recognition/parseq/tensorflow.html b/v0.2.0/_modules/doctr/models/recognition/parseq/tensorflow.html
index 407ca167b9..96d8b7c746 100644
--- a/v0.2.0/_modules/doctr/models/recognition/parseq/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/recognition/parseq/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/recognition/sar/tensorflow.html b/v0.2.0/_modules/doctr/models/recognition/sar/tensorflow.html
index 1e8d4753fe..29732ee3d6 100644
--- a/v0.2.0/_modules/doctr/models/recognition/sar/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/recognition/sar/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/models/recognition/vitstr/tensorflow.html b/v0.2.0/_modules/doctr/models/recognition/vitstr/tensorflow.html
index 51e696d419..8774485c1f 100644
--- a/v0.2.0/_modules/doctr/models/recognition/vitstr/tensorflow.html
+++ b/v0.2.0/_modules/doctr/models/recognition/vitstr/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/transforms/modules/base.html b/v0.2.0/_modules/doctr/transforms/modules/base.html
index e192138b12..ad209b0ba8 100644
--- a/v0.2.0/_modules/doctr/transforms/modules/base.html
+++ b/v0.2.0/_modules/doctr/transforms/modules/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_modules/doctr/transforms/modules/tensorflow.html b/v0.2.0/_modules/doctr/transforms/modules/tensorflow.html
index ab4921cae2..6cffc1428a 100644
--- a/v0.2.0/_modules/doctr/transforms/modules/tensorflow.html
+++ b/v0.2.0/_modules/doctr/transforms/modules/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/_sources/getting_started/installing.rst.txt b/v0.2.0/_sources/getting_started/installing.rst.txt
index a00451514a..46d4177b30 100644
--- a/v0.2.0/_sources/getting_started/installing.rst.txt
+++ b/v0.2.0/_sources/getting_started/installing.rst.txt
@@ -38,16 +38,16 @@ We strive towards reducing framework-specific dependencies to a minimum, but som
.. code:: bash
pip install "python-doctr[tf]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[tf,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[tf,viz,html,contib]"
.. tab:: PyTorch
.. code:: bash
pip install "python-doctr[torch]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[torch,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/v0.2.0/_sources/modules/contrib.rst.txt b/v0.2.0/_sources/modules/contrib.rst.txt
new file mode 100644
index 0000000000..1a2659e2e3
--- /dev/null
+++ b/v0.2.0/_sources/modules/contrib.rst.txt
@@ -0,0 +1,13 @@
+doctr.contrib
+=============
+
+.. currentmodule:: doctr.contrib
+
+This module contains all the available contribution modules for docTR.
+
+
+Supported contribution modules
+------------------------------
+Here are all the available contribution modules:
+
+.. autoclass:: ArtefactDetector
diff --git a/v0.2.0/_sources/using_doctr/using_contrib_modules.rst.txt b/v0.2.0/_sources/using_doctr/using_contrib_modules.rst.txt
new file mode 100644
index 0000000000..37a0f8a9c1
--- /dev/null
+++ b/v0.2.0/_sources/using_doctr/using_contrib_modules.rst.txt
@@ -0,0 +1,51 @@
+Integrate contributions into your pipeline
+==========================================
+
+The `contrib` module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+.. currentmodule:: doctr.contrib
+
+
+Available contribution modules
+------------------------------
+
+**NOTE:** To use the contrib module, you need to install the `onnxruntime` package. You can install it using the following command:
+
+.. code:: bash
+
+ pip install python-doctr[contrib]
+ # Or
+ pip install onnxruntime # pip install onnxruntime-gpu
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection
+^^^^^^^^^^^^^^^^^
+
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+
+.. code:: python3
+
+ from doctr.io import DocumentFile
+ from doctr.contrib.artefacts import ArtefactDetection
+
+ # Load the document
+ doc = DocumentFile.from_images(["path/to/your/image"])
+ detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+ artefacts = detector(doc)
+
+ # Visualize the detected artefacts
+ detector.show()
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: `YOLOv8 `_
+
+**NOTE:** The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+
+.. code:: python3
+
+ from doctr.contrib import ArtefactDetection
+
+ detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
diff --git a/v0.2.0/changelog.html b/v0.2.0/changelog.html
index cca10a85ef..24e530e6ae 100644
--- a/v0.2.0/changelog.html
+++ b/v0.2.0/changelog.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/contributing/code_of_conduct.html b/v0.2.0/contributing/code_of_conduct.html
index 868bcf286f..1ae93b2cab 100644
--- a/v0.2.0/contributing/code_of_conduct.html
+++ b/v0.2.0/contributing/code_of_conduct.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/contributing/contributing.html b/v0.2.0/contributing/contributing.html
index a1d79eda56..f4d3f55c46 100644
--- a/v0.2.0/contributing/contributing.html
+++ b/v0.2.0/contributing/contributing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/getting_started/installing.html b/v0.2.0/getting_started/installing.html
index f0420d5217..6a40c254b6 100644
--- a/v0.2.0/getting_started/installing.html
+++ b/v0.2.0/getting_started/installing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -272,13 +274,13 @@ Via Python Package
pip install "python-doctr[tf]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[tf,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[tf,viz,html,contib]"
pip install "python-doctr[torch]"
-# or with preinstalled packages for visualization & html support
-pip install "python-doctr[torch,viz,html]"
+# or with preinstalled packages for visualization & html & contrib module support
+pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/v0.2.0/modules/contrib.html b/v0.2.0/modules/contrib.html
new file mode 100644
index 0000000000..49284a147f
--- /dev/null
+++ b/v0.2.0/modules/contrib.html
@@ -0,0 +1,337 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ doctr.contrib - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+doctr.contrib¶
+This module contains all the available contribution modules for docTR.
+
+Supported contribution modules¶
+Here are all the available contribution modules:
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/v0.2.0/modules/datasets.html b/v0.2.0/modules/datasets.html
index 67a86d49b0..94a97aceef 100644
--- a/v0.2.0/modules/datasets.html
+++ b/v0.2.0/modules/datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
doctr.datasets - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -910,14 +912,14 @@ Returns:
-
+
Previous
- AWS Lambda
+ doctr.contrib
diff --git a/v0.2.0/modules/io.html b/v0.2.0/modules/io.html
index 115f9fe8e4..312018214f 100644
--- a/v0.2.0/modules/io.html
+++ b/v0.2.0/modules/io.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/modules/models.html b/v0.2.0/modules/models.html
index 75c6d68531..3de22acc9d 100644
--- a/v0.2.0/modules/models.html
+++ b/v0.2.0/modules/models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/modules/transforms.html b/v0.2.0/modules/transforms.html
index afdef48f00..f030b4b82e 100644
--- a/v0.2.0/modules/transforms.html
+++ b/v0.2.0/modules/transforms.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/modules/utils.html b/v0.2.0/modules/utils.html
index 2728e45178..56ac5a7e17 100644
--- a/v0.2.0/modules/utils.html
+++ b/v0.2.0/modules/utils.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/notebooks.html b/v0.2.0/notebooks.html
index 5aca22f20d..83aaf9102f 100644
--- a/v0.2.0/notebooks.html
+++ b/v0.2.0/notebooks.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/searchindex.js b/v0.2.0/searchindex.js
index 793d58f07c..6a55cc0201 100644
--- a/v0.2.0/searchindex.js
+++ b/v0.2.0/searchindex.js
@@ -1 +1 @@
-Search.setIndex({"alltitles": {"Artefact": [[1, "artefact"]], "Available Datasets": [[0, "available-datasets"]], "Block": [[1, "block"]], "Composing transformations": [[5, "composing-transformations"]], "Contents": [[2, "contents"]], "Data Loading": [[0, "data-loading"]], "Detection models": [[2, "detection-models"], [4, "detection-models"]], "Detection predictors": [[4, "detection-predictors"]], "DocTR Vocabs": [[0, "id1"]], "DocTR: Document Text Recognition": [[2, "doctr-document-text-recognition"]], "Document": [[1, "document"]], "Document structure": [[1, "document-structure"]], "End-to-End OCR": [[4, "end-to-end-ocr"]], "Features": [[2, "features"]], "File reading": [[1, "file-reading"]], "Getting Started": [[2, "getting-started"]], "Installation": [[3, "installation"]], "Line": [[1, "line"]], "Model compression": [[4, "model-compression"]], "Model export": [[4, "model-export"]], "Page": [[1, "page"]], "Post-processing detections": [[4, "post-processing-detections"]], "Post-processing outputs": [[4, "post-processing-outputs"]], "Pre-processing for detection": [[4, "pre-processing-for-detection"]], "Pre-processing for recognition": [[4, "pre-processing-for-recognition"]], "Recognition models": [[2, "recognition-models"], [4, "recognition-models"]], "Recognition predictors": [[4, "recognition-predictors"]], "Supported Vocabs": [[0, "supported-vocabs"]], "Supported transformations": [[5, "supported-transformations"]], "Task evaluation": [[6, "task-evaluation"]], "Text Detection": [[4, "text-detection"]], "Text Recognition": [[4, "text-recognition"]], "Text recognition model zoo": [[4, "id2"]], "Two-stage approaches": [[4, "two-stage-approaches"]], "Using SavedModel": [[4, "using-savedmodel"]], "Via Git": [[3, "via-git"]], "Via Python Package": [[3, "via-python-package"]], "Visualization": [[6, "visualization"]], "Word": [[1, "word"]], "doctr.datasets": [[0, "doctr-datasets"]], "doctr.documents": [[1, "doctr-documents"]], "doctr.models": [[4, "doctr-models"]], "doctr.transforms": [[5, "doctr-transforms"]], "doctr.utils": [[6, "doctr-utils"]], "\ud83e\uddd1\u200d\ud83d\udd2c Build & train your predictor": [[2, "scientist-build-train-your-predictor"]], "\ud83e\uddf0 Implemented models": [[2, "toolbox-implemented-models"]], "\ud83e\uddfe Integrated datasets": [[2, "receipt-integrated-datasets"]]}, "docnames": ["datasets", "documents", "index", "installing", "models", "transforms", "utils"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["datasets.rst", "documents.rst", "index.rst", "installing.rst", "models.rst", "transforms.rst", "utils.rst"], "indexentries": {"artefact (class in doctr.documents)": [[1, "doctr.documents.Artefact", false]], "as_images() (doctr.documents.pdf method)": [[1, "doctr.documents.PDF.as_images", false]], "block (class in doctr.documents)": [[1, "doctr.documents.Block", false]], "colorinversion (class in doctr.transforms)": [[5, "doctr.transforms.ColorInversion", false]], "compose (class in doctr.transforms)": [[5, "doctr.transforms.Compose", false]], "convert_to_fp16() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_fp16", false]], "convert_to_tflite() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_tflite", false]], "cord (class in doctr.datasets)": [[0, "doctr.datasets.CORD", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.crnn_vgg16_bn", false]], "dataloader (class in doctr.datasets.loader)": [[0, "doctr.datasets.loader.DataLoader", false]], "db_resnet50() (in module doctr.models.detection)": [[4, "doctr.models.detection.db_resnet50", false]], "detection_predictor() (in module doctr.models.detection)": [[4, "doctr.models.detection.detection_predictor", false]], "doctr": [[2, "module-doctr", false]], "document (class in doctr.documents)": [[1, "doctr.documents.Document", false]], "documentfile (class in doctr.documents)": [[1, "doctr.documents.DocumentFile", false]], "encode_sequences() (in module doctr.datasets)": [[0, "doctr.datasets.encode_sequences", false]], "exactmatch (class in doctr.utils.metrics)": [[6, "doctr.utils.metrics.ExactMatch", false]], "from_images() (doctr.documents.documentfile class method)": [[1, "doctr.documents.DocumentFile.from_images", false]], "from_pdf() (doctr.documents.documentfile class method)": [[1, "doctr.documents.DocumentFile.from_pdf", false]], "from_url() (doctr.documents.documentfile class method)": [[1, "doctr.documents.DocumentFile.from_url", false]], "funsd (class in doctr.datasets)": [[0, "doctr.datasets.FUNSD", false]], "get_artefacts() (doctr.documents.pdf method)": [[1, "doctr.documents.PDF.get_artefacts", false]], "get_words() (doctr.documents.pdf method)": [[1, "doctr.documents.PDF.get_words", false]], "lambdatransformation (class in doctr.transforms)": [[5, "doctr.transforms.LambdaTransformation", false]], "line (class in doctr.documents)": [[1, "doctr.documents.Line", false]], "linknet() (in module doctr.models.detection)": [[4, "doctr.models.detection.linknet", false]], "localizationconfusion (class in doctr.utils.metrics)": [[6, "doctr.utils.metrics.LocalizationConfusion", false]], "module": [[2, "module-doctr", false]], "normalize (class in doctr.transforms)": [[5, "doctr.transforms.Normalize", false]], "ocr_predictor() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_predictor", false]], "ocrmetric (class in doctr.utils.metrics)": [[6, "doctr.utils.metrics.OCRMetric", false]], "oneof (class in doctr.transforms)": [[5, "doctr.transforms.OneOf", false]], "page (class in doctr.documents)": [[1, "doctr.documents.Page", false]], "pdf (class in doctr.documents)": [[1, "doctr.documents.PDF", false]], "quantize_model() (in module doctr.models.export)": [[4, "doctr.models.export.quantize_model", false]], "randomapply (class in doctr.transforms)": [[5, "doctr.transforms.RandomApply", false]], "randombrightness (class in doctr.transforms)": [[5, "doctr.transforms.RandomBrightness", false]], "randomcontrast (class in doctr.transforms)": [[5, "doctr.transforms.RandomContrast", false]], "randomgamma (class in doctr.transforms)": [[5, "doctr.transforms.RandomGamma", false]], "randomhue (class in doctr.transforms)": [[5, "doctr.transforms.RandomHue", false]], "randomjpegquality (class in doctr.transforms)": [[5, "doctr.transforms.RandomJpegQuality", false]], "randomsaturation (class in doctr.transforms)": [[5, "doctr.transforms.RandomSaturation", false]], "read_html() (in module doctr.documents)": [[1, "doctr.documents.read_html", false]], "read_img() (in module doctr.documents)": [[1, "doctr.documents.read_img", false]], "read_pdf() (in module doctr.documents)": [[1, "doctr.documents.read_pdf", false]], "recognition_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.recognition_predictor", false]], "resize (class in doctr.transforms)": [[5, "doctr.transforms.Resize", false]], "sar_resnet31() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_resnet31", false]], "sar_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_vgg16_bn", false]], "sroie (class in doctr.datasets)": [[0, "doctr.datasets.SROIE", false]], "togray (class in doctr.transforms)": [[5, "doctr.transforms.ToGray", false]], "visiondataset (class in doctr.datasets.core)": [[0, "doctr.datasets.core.VisionDataset", false]], "visualize_page() (in module doctr.utils.visualization)": [[6, "doctr.utils.visualization.visualize_page", false]], "word (class in doctr.documents)": [[1, "doctr.documents.Word", false]]}, "objects": {"": [[2, 0, 0, "-", "doctr"]], "doctr.datasets": [[0, 1, 1, "", "CORD"], [0, 1, 1, "", "FUNSD"], [0, 1, 1, "", "SROIE"], [0, 2, 1, "", "encode_sequences"]], "doctr.datasets.core": [[0, 1, 1, "", "VisionDataset"]], "doctr.datasets.loader": [[0, 1, 1, "", "DataLoader"]], "doctr.documents": [[1, 1, 1, "", "Artefact"], [1, 1, 1, "", "Block"], [1, 1, 1, "", "Document"], [1, 1, 1, "", "DocumentFile"], [1, 1, 1, "", "Line"], [1, 1, 1, "", "PDF"], [1, 1, 1, "", "Page"], [1, 1, 1, "", "Word"], [1, 2, 1, "", "read_html"], [1, 2, 1, "", "read_img"], [1, 2, 1, "", "read_pdf"]], "doctr.documents.DocumentFile": [[1, 3, 1, "", "from_images"], [1, 3, 1, "", "from_pdf"], [1, 3, 1, "", "from_url"]], "doctr.documents.PDF": [[1, 3, 1, "", "as_images"], [1, 3, 1, "", "get_artefacts"], [1, 3, 1, "", "get_words"]], "doctr.models.detection": [[4, 2, 1, "", "db_resnet50"], [4, 2, 1, "", "detection_predictor"], [4, 2, 1, "", "linknet"]], "doctr.models.export": [[4, 2, 1, "", "convert_to_fp16"], [4, 2, 1, "", "convert_to_tflite"], [4, 2, 1, "", "quantize_model"]], "doctr.models.recognition": [[4, 2, 1, "", "crnn_vgg16_bn"], [4, 2, 1, "", "recognition_predictor"], [4, 2, 1, "", "sar_resnet31"], [4, 2, 1, "", "sar_vgg16_bn"]], "doctr.models.zoo": [[4, 2, 1, "", "ocr_predictor"]], "doctr.transforms": [[5, 1, 1, "", "ColorInversion"], [5, 1, 1, "", "Compose"], [5, 1, 1, "", "LambdaTransformation"], [5, 1, 1, "", "Normalize"], [5, 1, 1, "", "OneOf"], [5, 1, 1, "", "RandomApply"], [5, 1, 1, "", "RandomBrightness"], [5, 1, 1, "", "RandomContrast"], [5, 1, 1, "", "RandomGamma"], [5, 1, 1, "", "RandomHue"], [5, 1, 1, "", "RandomJpegQuality"], [5, 1, 1, "", "RandomSaturation"], [5, 1, 1, "", "Resize"], [5, 1, 1, "", "ToGray"]], "doctr.utils.metrics": [[6, 1, 1, "", "ExactMatch"], [6, 1, 1, "", "LocalizationConfusion"], [6, 1, 1, "", "OCRMetric"]], "doctr.utils.visualization": [[6, 2, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "function", "Python function"], "3": ["py", "method", "Python method"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:function", "3": "py:method"}, "terms": {"": [1, 6], "0": [0, 4, 5, 6], "00": [], "01": [], "0123456789": 0, "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 0, "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "02562": [], "03": [], "035": [], "0361328125": [], "04": [], "05": [], "06": [], "06640625": [], "07": [], "08": [], "09": [], "0966796875": [], "1": [0, 4, 5, 6], "10": [0, 6], "100": [4, 5, 6], "1000": 4, "101": [], "1024": 4, "104": [], "106": [], "108": [], "1095": [], "11": [], "110": 6, "1107": [], "114": [], "1156": [], "116": [], "118": [], "11800h": [], "11th": [], "12": 4, "120": [], "123": [], "126": [], "1268": [], "128": 4, "13": [], "130": [], "13068": [], "131": [], "1337891": [], "1357421875": [], "1396484375": [], "14": [], "1420": [], "14470v1": [], "149": [], "15": [], "150": 6, "154": 0, "1552": [], "16": 4, "1630859375": [], "1684": [], "16bn": [], "16x16": [], "17": [], "1778": [], "1782": [], "18": [], "185546875": [], "1900": [], "1910": [], "19342": [], "19370": [], "195": [], "19598": [], "199": 4, "1999": [], "2": [2, 4, 5, 6], "20": [], "200": 6, "2000": [], "2003": [], "2012": [], "2013": [], "2015": [], "2019": [], "207901": [], "21": [], "2103": [], "2186": [], "21888": [], "22": [], "224": [4, 5], "225": 5, "22672": [], "229": 5, "23": [], "233": [], "234": [], "24": [], "246": [], "249": [], "25": [], "2504": [], "255": [4, 5, 6], "256": 4, "257": [], "26": [], "26032": [], "264": [], "27": 4, "2700": [], "2710": [], "2749": [], "28": [], "287": [], "29": [], "296": [], "299": [], "2d": [], "3": [1, 2, 3, 4, 5, 6], "30": [], "300": [], "3000": [], "301": [], "30595": 4, "30ghz": [], "31": 4, "32": [0, 4, 5], "3232421875": [], "33": [], "33402": [], "33608": [], "34": [], "340": [], "3456": [], "3515625": [], "36": [], "360": [], "37": [], "38": [], "39": [], "4": [], "40": [], "406": 5, "41": [], "42": [], "43": [], "44": [], "45": [], "456": 5, "46": [], "47": [], "472": [], "48": [], "485": 5, "49": 4, "49377": [], "5": [0, 5, 6], "50": 4, "51": [], "51171875": [], "512": [], "52": 0, "529": [], "53": [], "533": 4, "54": [], "540": [], "5478515625": [], "55": [], "56": [], "57": [], "58": [], "580": [], "5810546875": [], "583": [], "59": [], "595": 4, "597": [], "5k": [], "5m": [], "6": [3, 4, 5], "60": 5, "600": [4, 6], "61": [], "611": 4, "62": [], "625": 4, "626": [], "629": 4, "63": [], "630": 4, "64": [4, 5], "640": 4, "641": [], "647": [], "65": [], "652": [], "653": [], "66": [], "660": 4, "664": 4, "665": [], "666": 4, "67": [], "672": 4, "68": [], "689": 4, "69": [], "693": [], "694": [], "695": [], "6m": [], "7": 4, "70": 6, "700": 4, "701": 4, "702": 4, "707470": [], "71": [], "7100000": [], "713": 4, "7141797": [], "7149": [], "72": [], "721": [], "72dpi": [], "73": [], "73257": [], "733": 4, "735": [], "74": [], "745": 4, "75": [], "753": 4, "7581382": [], "76": [], "77": [], "772": [], "772875": [], "775": [], "78": [], "780": 4, "781": 4, "783": 4, "785": [], "789": 4, "79": [], "793533": [], "796": [], "798": [], "7m": [], "8": [4, 5], "80": [], "800": [4, 6], "81": [], "817": 4, "82": [], "8275l": 4, "83": 4, "830": 4, "84": [], "849": [], "85": 4, "856": [], "8564453125": [], "857": [], "85875": [], "86": [], "860": 4, "8603515625": [], "862": 4, "863": 4, "87": [], "8707": [], "875": 4, "88": [], "89": [], "9": [], "90": [], "90k": [], "90kdict32px": [], "91": [], "913": 4, "914085328578949": [], "917": 4, "92": [], "921": 4, "93": [], "94": [], "95": 6, "9578408598899841": [], "96": 0, "98": [], "99": [], "9949972033500671": [], "A": [0, 1, 2, 4], "And": 4, "As": [], "Be": [], "Being": [], "By": [], "For": 4, "If": [1, 4], "In": 4, "It": 5, "Its": [2, 4], "No": [], "Of": 0, "The": [0, 1, 4, 6], "Then": 4, "To": [], "_": [0, 4], "__call__": [], "_build": [], "_i": 6, "ab": [], "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 0, "abdef": [], "abl": [], "about": 4, "abov": 4, "abstract": 0, "abstractdataset": [], "abus": [], "accent": 6, "accept": [], "access": [0, 1, 2], "account": [], "accur": [], "accuraci": 6, "achiev": [], "act": [], "action": [], "activ": [], "ad": 5, "adapt": [], "add": 5, "add_hook": [], "add_label": 6, "addit": [], "addition": 4, "address": 1, "adjust": 5, "advanc": [], "advantag": [], "advis": [], "aesthet": [], "affect": [], "after": [], "ag": [], "again": [], "aggreg": [0, 6], "aggress": [], "align": 1, "all": [0, 1, 2, 4, 5, 6], "allow": [], "along": [], "alreadi": [], "also": [], "alwai": [], "an": [0, 1, 2, 4, 6], "analysi": [1, 4], "ancient_greek": [], "angl": 1, "ani": [0, 1, 2, 4, 6], "annot": 1, "anot": [], "anoth": [0, 4], "answer": [], "anyascii": [], "anyon": 2, "api": [], "apolog": [], "apologi": [], "app": [], "appear": [], "appli": [0, 5], "applic": [2, 4], "appoint": [], "appreci": [], "appropri": [], "ar": [0, 1, 4, 5, 6], "arab": [], "arabic_diacrit": [], "arabic_lett": [], "arabic_punctu": [], "arbitrarili": [], "arch": 4, "architectur": [2, 4], "archiv": 0, "area": [], "argument": [0, 1], "around": 4, "arrai": 6, "art": 2, "artefact": [], "artefact_typ": 1, "artifici": [], "arxiv": [], "as_imag": 1, "asarrai": 6, "ascii_lett": 0, "aspect": 5, "assess": 6, "assign": 6, "associ": 1, "assum": [], "assume_straight_pag": [], "astyp": [4, 6], "attack": [], "attend": [2, 4], "attent": [], "autoclass": 0, "autom": 2, "automat": [], "autoregress": [], "avail": [4, 5], "averag": [4, 5], "avoid": [], "aw": [2, 4], "awar": [], "azur": [], "b": 6, "b_j": 6, "back": [], "backbon": 4, "backend": 4, "background": [], "bar_cod": [], "base": [2, 4], "baselin": [2, 4], "batch": [0, 4, 5], "batch_siz": 0, "bblanchon": [], "bbox": [], "becaus": [], "been": [4, 6], "befor": 0, "begin": 6, "behavior": [], "being": [4, 6], "belong": [], "benchmark": [], "best": [], "better": [], "between": [5, 6], "bgr": 1, "bilinear": [4, 5], "bin_thresh": [], "binar": [2, 4], "binari": [1, 4], "bit": [], "block": [4, 6], "block_1_1": [], "blur": [], "bmvc": [], "bn": [], "bodi": [], "bool": [0, 1, 4, 5, 6], "boolean": [], "both": [2, 4, 5], "bottom": [], "bound": [1, 4, 5, 6], "box": [1, 4, 6], "box_thresh": [], "bright": 5, "browser": [], "build": [], "built": [], "byte": [1, 4], "c": [], "c5": 4, "c_j": [], "cach": [], "cache_sampl": [], "callabl": [0, 5], "can": [0, 4], "capabl": 4, "case": 6, "cf": 4, "cfg": [], "challeng": [], "challenge2_test_task12_imag": [], "challenge2_test_task1_gt": [], "challenge2_training_task12_imag": [], "challenge2_training_task1_gt": [], "chang": [], "channel": [1, 4, 5], "channel_prior": [], "channelshuffl": [], "charact": [0, 1, 2, 4, 6], "charactergener": [], "characterist": [], "charg": 4, "charset": [], "chart": 1, "check": [], "checkpoint": [], "chip": [], "ci": [], "clarifi": [], "clariti": [], "class": [0, 1, 5, 6], "class_nam": [], "classif": 4, "classif_mobilenet_v3_smal": [], "classmethod": 1, "clear": [], "clone": 3, "close": [], "co": [], "code": [1, 2], "codecov": [], "colab": [], "collate_fn": [], "collect": 1, "color": 5, "colorinvers": 5, "column": 1, "com": [1, 3], "combin": 4, "come": [], "command": [], "comment": [], "commit": [], "common": [5, 6], "commun": [], "compar": 2, "comparison": [], "competit": 0, "compil": [], "complaint": [], "complementari": 6, "complet": [], "compon": 4, "compos": [0, 2, 4], "comprehens": [], "comput": [4, 6], "conda": [], "confid": 1, "config": [], "configur": [], "confus": 6, "consecut": [4, 5], "consequ": [], "consid": [1, 6], "consist": [], "consolid": [0, 2], "constant": 5, "construct": [], "contact": [], "contain": [], "content": [0, 1], "context": [], "continu": [], "contrast": 5, "contrast_factor": 5, "contribut": [], "contributor": [], "conv_sequ": 4, "convers": 1, "convert": [1, 4, 5], "convert_page_to_numpi": 1, "convert_to_fp16": 4, "convert_to_tflit": 4, "convolut": 2, "coordin": 1, "cord": [0, 2, 4], "core": [0, 6], "corner": [], "correct": 5, "correspond": 4, "could": [], "counterpart": [], "cover": [], "coverag": [], "cpu": [2, 4], "creat": [], "crnn": [2, 4], "crnn_mobilenet_v3_larg": [], "crnn_mobilenet_v3_smal": [], "crnn_resnet31": 4, "crnn_vgg16_bn": 4, "crnn_vgg16_bn_predictor": [], "crop": 4, "crop_orient": [], "crop_orientation_predictor": [], "cuda": [], "currenc": 0, "current": [], "custom": [], "customhook": [], "cvit": [], "czczup": [], "czech": [], "d": [], "daili": 2, "danish": [], "data": [1, 2, 4, 5], "dataload": 0, "dataset": 4, "dataset_info": [], "date": [], "db": 2, "db_crnn_resnet": 4, "db_crnn_vgg": 4, "db_mobilenet_v3_larg": [], "db_resnet34": [], "db_resnet50": 4, "db_resnet50_predictor": [], "db_sar_resnet": 4, "db_sar_vgg": 4, "dbnet": 4, "decis": [], "decod": 1, "decode_img_as_tensor": [], "deem": [], "deep": 4, "def": [], "default": [1, 4], "defer": 0, "defin": 6, "deform": 4, "degre": [], "degress": 1, "delet": [], "delimit": [], "delta": 5, "demo": [], "demonstr": [], "depend": 2, "deploi": [], "deploy": [], "derogatori": [], "describ": 4, "descript": [], "design": 5, "desir": [], "det_arch": 4, "det_b": [], "det_model": [], "det_param": [], "det_predictor": [], "detail": [], "detect": [], "detect_languag": [], "detect_orient": [], "detection_predictor": 4, "detectiondataset": [], "detectionmetr": [], "detectionpredictor": 4, "detector": [], "deterior": [], "determin": [], "dev": [], "develop": [], "developp": 3, "deviat": 5, "devic": [], "dict": [1, 6], "dictionari": 1, "differ": [], "differenti": [2, 4], "digit": 0, "dimens": [1, 4, 6], "dimension": 5, "direct": [], "directli": 4, "directori": [], "disabl": [], "disclaim": 4, "discuss": [], "disk": 0, "disparag": [], "displai": 6, "display_artefact": [], "distanc": 6, "distribut": 5, "div": [], "divers": [], "divid": [], "do": [], "doc": [1, 4], "docartefact": [], "docstr": [], "doctr": 3, "doctr_cache_dir": [], "doctr_multiprocessing_dis": [], "document": [0, 4, 6], "documentbuild": [], "documentfil": 1, "don": [], "done": [], "download": 0, "downsiz": [], "draw": 5, "drop": 0, "drop_last": 0, "dtype": 4, "dual": [], "dummi": [], "dummy_img": [], "dummy_input": [], "dure": [], "dutch": [], "dynam": [], "dynamic_seq_length": [], "e": [1, 3], "each": [0, 1, 2, 4, 5], "eas": [], "easi": [2, 6], "easier": 4, "easili": [1, 2, 4, 6], "econom": [], "edit": [], "educ": [], "effici": [0, 2, 4], "either": 4, "element": [0, 1, 4], "els": [], "email": [], "empathi": [], "en": [], "enabl": 1, "enclos": 1, "encod": [0, 2, 4], "encode_sequ": 0, "encount": [], "encrypt": [], "end": [0, 2, 6], "english": [], "enhanc": [], "enough": 4, "ensur": [], "entir": 1, "entri": [], "environ": [], "eo": 0, "equiv": [], "error": 6, "estim": [], "etc": 1, "ethnic": [], "evalu": [0, 4], "event": [], "everyon": [], "everyth": [], "exact": 6, "exactmatch": 6, "exampl": [0, 1, 4, 5, 6], "exchang": [], "exclud": 4, "execut": [], "exist": [], "expand": [], "expect": [0, 1, 4, 5], "experi": 4, "explan": 4, "explicit": [], "exploit": [2, 4], "export": [1, 6], "export_as_straight_box": [], "export_as_xml": [], "export_model_to_onnx": [], "express": 5, "extens": 1, "extern": [], "extract": [0, 2], "extract_arch": 0, "extractor": 4, "f_": 6, "f_a": 6, "factor": 5, "fair": [], "fairli": [], "fals": [0, 4, 5, 6], "faq": [], "fascan": [], "fast": [0, 2], "fast_bas": [], "fast_smal": [], "fast_tini": [], "faster": [], "fasterrcnn_mobilenet_v3_large_fpn": [], "favorit": [], "featur": [4, 6], "feed": 4, "feedback": [], "feel": [], "felix92": [], "few": [], "figsiz": 6, "figur": 6, "file": 0, "file_hash": 0, "file_nam": 0, "file_path": [], "final": [], "find": [], "fine": 2, "finnish": [], "first": [], "firsthand": [], "fit": [], "fitz": 1, "flag": [], "flip": [], "float": [1, 5, 6], "float32": 4, "fn": 5, "focu": [], "focus": [], "folder": 4, "follow": [4, 5, 6], "font": [], "font_famili": [], "foral": 6, "forc": [], "forg": [], "form": [0, 2], "format": [1, 4], "forpost": [0, 2], "forum": [], "fp": 4, "fp16": 4, "frac": 6, "frame": 4, "framework": 0, "free": [], "french": [0, 4], "friendli": 2, "from": [0, 1, 2, 4, 5, 6], "from_hub": [], "from_imag": 1, "from_pdf": 1, "from_url": 1, "full": [0, 4, 6], "fulli": 2, "function": [4, 5, 6], "funsd": [0, 2, 4], "further": [], "futur": [], "g": 1, "g_": 6, "g_x": 6, "gamma": 5, "gaussian": 5, "gaussianblur": [], "gaussiannois": [], "gen": [], "gender": [], "gener": [], "geometri": 1, "geq": 6, "german": [], "get": 1, "get_artefact": 1, "get_word": 1, "gettextword": 1, "git": 2, "github": 3, "give": [], "given": [0, 4, 6], "global": [], "go": [], "good": [], "googl": [], "googlevis": 2, "gpu": 2, "gracefulli": [], "graph": 1, "grayscal": 5, "ground": 6, "groung": [], "group": [], "gt": [], "gt_box": [], "gt_label": [], "guid": [], "guidanc": [], "gvision": 4, "h": 1, "h_": 6, "ha": [0, 6], "half": 4, "handl": 0, "handwrit": [], "handwritten": [], "harass": [], "hardwar": [], "harm": [], "hat": 6, "have": [0, 4, 6], "head": [], "healthi": [], "hebrew": [], "height": 1, "hello": 6, "help": [], "here": [0, 5], "hf": [], "hf_hub_download": [], "high": 1, "higher": [], "hindi_digit": [], "hocr": [], "hook": [], "horizont": 1, "hous": [], "how": [], "howev": [], "hsv": 5, "html": [], "http": [1, 3], "hub": [], "hue": 5, "huggingfac": [], "hw": [], "i": [0, 1, 2, 4, 5, 6], "i7": [], "ic03": [], "ic13": [], "icdar": [], "icdar2019": 0, "id": [], "ident": [], "identifi": [2, 4], "ignor": 6, "ignore_acc": 6, "ignore_cas": 6, "iiit": [], "iiit5k": [], "iiithw": [], "imag": [0, 1, 2, 4, 5, 6], "imagenet": [], "imageri": [], "images_90k_norm": [], "img": [0, 5], "img_cont": [], "img_fold": [], "img_path": [], "img_transform": [], "imgur5k": [], "imgur5k_annot": [], "imlist": [], "impact": [], "implement": [0, 1, 4, 5, 6], "import": [0, 1, 4, 5, 6], "improv": [], "inappropri": [], "incid": [], "includ": 4, "inclus": [], "increas": 5, "index": 1, "indic": 6, "individu": [], "infer": 5, "inform": [0, 2, 4], "inherit": [0, 4], "input": [1, 4, 5], "input_crop": [], "input_pag": [4, 6], "input_shap": 4, "input_t": 4, "input_tensor": 4, "inspir": 5, "instal": 2, "instanc": 4, "instanti": 4, "instead": 1, "insult": [], "int": [0, 1, 4, 5, 6], "int64": [], "integ": 6, "integr": [], "intel": [], "interact": 6, "interfac": [], "interoper": [], "interpol": [4, 5], "interpret": [0, 1], "intersect": 6, "invert": 5, "investig": [], "invis": [], "involv": 4, "io": [], "iou": 6, "iou_thresh": 6, "irregular": [2, 4], "isn": 0, "issu": [], "italian": [], "iter": 0, "its": [0, 1], "itself": [], "j": 6, "job": [], "join": [], "jpeg": 5, "jpegqual": 5, "jpg": 1, "json": [], "json_output": [], "jump": [], "just": 4, "kei": [], "kera": 4, "kernel": [], "kernel_s": 4, "kernel_shap": [], "keywoard": [], "keyword": [0, 1], "kie": [], "kie_predictor": [], "kiepredictor": [], "kind": [], "know": [], "kwarg": [0, 1, 4, 6], "l": 6, "l_j": 6, "label": [], "label_fil": [], "label_fold": [], "label_path": [], "labels_path": [], "ladder": [], "lambda": 5, "lambdatransform": 5, "lang": [], "languag": [1, 2], "larg": [], "largest": 6, "last": [0, 3, 4], "latenc": [], "later": [], "latest": [], "latin": 0, "layer": [], "layout": [], "lead": [], "leader": [], "learn": 4, "least": [], "left": 6, "legacy_french": [], "length": 0, "less": [], "let": 4, "letter": 6, "level": [4, 6], "levenshtein": 6, "leverag": [], "lf": [], "librari": 3, "light": 2, "like": [], "limits_": 6, "line": [2, 6], "line_1_1": [], "link": [], "linknet": [2, 4], "linknet_resnet18": [], "linknet_resnet34": [], "linknet_resnet50": [], "list": [0, 1, 5], "ll": 6, "load": [2, 4], "load_state_dict": [], "load_weight": [], "loader": 0, "loc_pr": [], "local": [2, 4, 6], "localis": [], "localizationconfus": 6, "locat": [], "login": [], "login_to_hub": [], "logo": 1, "love": [], "lower": 5, "m": 6, "m1": [], "macbook": [], "machin": [], "made": 2, "magc_resnet31": [], "mai": [], "mail": [], "main": [], "maintain": 2, "mainten": [], "make": [4, 6], "mani": [], "manipul": [], "map": [0, 4], "map_loc": [], "master": [], "match": [2, 6], "mathcal": 6, "matplotlib": 6, "max": 6, "max_angl": [], "max_area": [], "max_char": [], "max_delta": 5, "max_dist": 6, "max_gain": 5, "max_gamma": 5, "max_qual": 5, "max_ratio": [], "maximum": [0, 6], "maxval": [4, 5], "mbox": 6, "mean": [5, 6], "meaniou": 6, "meant": 1, "measur": 4, "media": [], "median": [], "meet": [], "member": [], "memori": [], "mention": [], "merg": [], "messag": [], "meta": [], "metadata": [], "metal": [], "method": 5, "metric": [4, 6], "middl": [], "might": 4, "min": [], "min_area": [], "min_char": [], "min_gain": 5, "min_gamma": 5, "min_qual": 5, "min_ratio": [], "min_val": 5, "minde": 3, "minim": [], "minimalist": [], "minimum": 6, "minval": 5, "miss": [], "mistak": [], "mix": 2, "mixed_float16": [], "mixed_precis": [], "mjsynth": [], "mnt": [], "mobilenet": [], "mobilenet_v3_larg": [], "mobilenet_v3_large_r": [], "mobilenet_v3_smal": [], "mobilenet_v3_small_crop_orient": [], "mobilenet_v3_small_r": [], "mobilenetv3": [], "modal": [], "mode": 3, "model": [0, 6], "model_nam": [], "model_path": [], "moder": [], "modif": [], "modifi": [], "modul": [1, 4, 5, 6], "more": [], "most": 4, "mozilla": [], "multi": [], "multilingu": [], "multipl": [0, 1, 5], "multipli": 5, "multiprocess": [], "my": [], "my_awesome_model": [], "my_hook": [], "n": [0, 6], "na": 4, "name": [0, 4], "nation": [], "natur": 2, "ndarrai": [0, 1, 6], "necessari": [], "need": 6, "neg": 5, "nest": [], "nestedobject": 5, "network": [2, 4], "neural": [2, 4], "new": [], "newer": 3, "next": 0, "nois": [], "noisi": [0, 2], "non": [1, 5, 6], "none": [0, 1], "normal": [4, 5], "norwegian": [], "note": [], "now": [], "np": [4, 6], "num_output_channel": [], "num_sampl": [], "num_work": [], "number": [0, 5, 6], "numpi": [1, 4, 6], "o": [], "obj_detect": [], "object": 0, "oblig": [], "obtain": [], "occupi": [], "ocr": [0, 2, 6], "ocr_carea": [], "ocr_db_crnn": 6, "ocr_db_crnn_vgg": [], "ocr_db_sar_resnet": [], "ocr_db_sar_vgg": [], "ocr_lin": [], "ocr_pag": [], "ocr_par": [], "ocr_predictor": 4, "ocrdataset": 0, "ocrmetr": 6, "ocrpredictor": 4, "ocrx_word": [], "offens": [], "offici": [], "offlin": [], "offset": 5, "onc": [0, 4], "one": [0, 4, 5], "oneof": 5, "ones": [], "onli": [5, 6], "onlin": [], "opac": [], "opacity_rang": [], "open": [], "opinion": [], "optic": [2, 4], "optim": 2, "option": [], "order": [0, 1, 4], "org": [], "organ": 1, "orient": 1, "orientationpredictor": [], "other": [], "otherwis": 6, "our": [2, 4], "out": [4, 5, 6], "outpout": [], "output": [1, 5], "output_s": [1, 5], "outsid": [], "over": 6, "overal": [], "overlai": [], "overwrit": 0, "overwritten": [], "own": 2, "p": 5, "packag": [2, 6], "pad": [0, 4, 5], "page": [4, 6], "page1": 1, "page2": 1, "page_1": [], "page_idx": 1, "pair": 6, "paper": [], "par_1_1": [], "paragraph": [], "paragraph_break": [], "param": [4, 5], "paramet": [0, 1, 4, 5, 6], "pars": [0, 2], "parseq": [], "part": 5, "parti": [], "partial": [], "particip": [], "pass": [0, 4], "password": [], "patch": [], "path": [1, 4], "path_to_checkpoint": [], "path_to_pt": [], "pattern": [], "pdf": 1, "pdfpage": [], "peopl": [], "per": [4, 5], "perform": [1, 2, 4, 5, 6], "period": [], "permiss": [], "permut": [], "persian_lett": [], "person": [], "phase": [], "photo": [], "physic": 1, "pick": 5, "pictur": 1, "pip": 3, "pipelin": [], "pixel": [1, 5], "platinum": 4, "pleas": [], "plot": [], "plt": 6, "plug": [], "plugin": [], "png": 1, "point": [], "polici": [], "polish": [], "polit": [], "polygon": [], "pool": [], "portugues": [], "posit": 6, "possibl": 6, "post": [], "postprocessor": 4, "potenti": 4, "power": 2, "ppageno": [], "pre": [], "precis": [4, 6], "pred": [], "pred_box": [], "pred_label": [], "predefin": 0, "predict": [1, 6], "predictor": [], "prefer": 0, "preinstal": [], "preprocessor": 4, "prerequisit": [], "present": 0, "preserv": 5, "preserve_aspect_ratio": 5, "pretrain": [2, 4, 6], "pretrained_backbon": [], "print": [], "prior": [], "privaci": [], "privat": [], "probabl": 5, "problem": [], "procedur": 5, "process": [1, 2], "processor": [], "produc": 4, "product": [], "profession": [], "project": [], "promptli": [], "proper": [], "properli": 0, "properti": 4, "provid": [2, 4], "public": 2, "publicli": [], "publish": [], "pull": [], "punctuat": 0, "pure": [], "purpos": 4, "push_to_hf_hub": [], "py": [], "pypdfium2": [], "pyplot": 6, "python": 2, "python3": [], "pytorch": [], "q": [], "qr": 1, "qr_code": [], "qualiti": 5, "quantiz": 4, "quantize_model": 4, "question": [], "quickli": 2, "quicktour": [], "r": [], "race": [], "ramdisk": [], "rand": [4, 6], "random": [4, 5, 6], "randomappli": 5, "randombright": 5, "randomcontrast": 5, "randomcrop": [], "randomgamma": 5, "randomhorizontalflip": [], "randomhu": 5, "randomjpegqu": 5, "randomli": 5, "randomrot": [], "randomsatur": 5, "randomshadow": [], "rang": 5, "rassi": [], "ratio": 5, "raw": 1, "re": 0, "read": [2, 4], "read_html": 1, "read_img": 1, "read_img_as_numpi": [], "read_img_as_tensor": [], "read_pdf": 1, "readi": [], "real": [2, 4, 5], "reason": [], "rebuild": [], "rebuilt": [], "recal": [4, 6], "receipt": [0, 2], "reco_arch": 4, "reco_b": [], "reco_model": [], "reco_param": [], "reco_predictor": [], "recogn": [], "recognit": 6, "recognition_predictor": 4, "recognition_task": [], "recognitiondataset": [], "recognitionpredictor": 4, "rectangular": [], "recurr": 2, "reduc": 5, "refer": [], "regardless": [], "region": [], "regroup": 6, "regular": [], "reject": [], "rel": 1, "relat": [], "releas": 3, "religion": [], "relu": 4, "remov": [], "render": [], "repo": [], "repo_id": [], "report": [], "repositori": 2, "repres": [1, 4], "represent": [2, 4], "request": [], "requir": [3, 5], "research": 2, "residu": [], "resiz": [4, 5], "resnet": 4, "resnet18": [], "resnet31": [], "resnet34": [], "resnet50": [], "resolv": 1, "resolve_block": [], "resolve_lin": [], "resourc": [], "respect": [], "rest": [5, 6], "restrict": [], "result": 1, "return": [0, 1, 4], "reusabl": 4, "review": [], "rgb": [1, 5], "rgb_mode": [], "rgb_output": 1, "right": [4, 6], "rnn": [], "robust": 2, "root": [], "rotat": 1, "run": [], "same": [1, 6], "sampl": 0, "sample_transform": 0, "sar": [2, 4], "sar_resnet31": 4, "sar_resnet31_predictor": [], "sar_vgg16_bn": 4, "sar_vgg16_bn_predictor": [], "satur": 5, "save": [0, 4], "saved_model": 4, "scale": 6, "scan": [0, 2], "scene": [2, 4], "scheme": 4, "score": [], "scratch": 2, "script": [], "seamless": 2, "seamlessli": [], "search": [], "searchabl": [], "sec": [], "second": 4, "section": [], "secur": [], "see": [], "seemlessli": 2, "seen": 4, "segment": [2, 4], "self": [], "semant": [2, 4], "send": [], "sens": 6, "sensit": [], "separ": 4, "sequenc": [0, 1, 2, 4, 6], "sequenti": [4, 5], "seri": [], "serial": 4, "serialized_model": 4, "seriou": [], "set": [0, 4, 6], "set_global_polici": [], "sever": [1, 5], "sex": [], "sexual": [], "sha256": 0, "shade": [], "shape": [1, 4, 5, 6], "share": [], "shift": 5, "shm": [], "should": [0, 1, 6], "show": [2, 4, 6], "showcas": [], "shuffl": 0, "side": 6, "signatur": 1, "signific": 0, "simpl": [2, 4], "simpler": [], "sinc": 0, "singl": [], "size": [0, 1, 4, 5], "skew": [], "slack": [], "slightli": [], "small": 2, "smallest": 1, "snapshot_download": [], "snippet": [], "so": [], "social": [], "socio": [], "some": [], "someth": [], "somewher": [], "soon": [], "sort": [], "sourc": [0, 1, 4, 5, 6], "space": [], "span": [], "spanish": [], "spatial": 1, "special": 2, "specif": [0, 6], "specifi": 1, "speed": [2, 4], "sphinx": [], "sroie": 0, "stabl": 3, "stackoverflow": [], "stage": 2, "standard": 5, "start": [], "state": 2, "static": [], "statist": 4, "statu": [], "std": 5, "step": [], "still": [], "str": [0, 1, 4, 5, 6], "straight": [], "straighten_pag": [], "stream": 1, "street": [], "strict": [], "strictli": 6, "string": [0, 1, 4], "strive": [], "strong": [2, 4], "structur": 4, "subset": [0, 4], "suggest": [], "sum": 6, "summari": 6, "support": 4, "sustain": [], "svhn": [], "svt": [], "swedish": [], "symbol": 4, "symmetr": [], "symmetric_pad": [], "synthet": [], "synthtext": [], "system": [], "t": 0, "tabl": [], "take": [], "target": [0, 1, 4, 5], "target_s": 0, "task": [0, 2, 4], "task2": [], "team": [], "techminde": [], "templat": 1, "tensor": [0, 4, 5], "tensorflow": [2, 4, 5], "tensorspec": [], "term": [], "test": [], "test_set": [], "text": 1, "text_output": [], "textmatch": [], "textnet": [], "textnet_bas": [], "textnet_smal": [], "textnet_tini": [], "textract": [2, 4], "textstylebrush": [], "textual": [0, 1, 2], "tf": [4, 5], "tf_model": 4, "tflite": 4, "than": 6, "thank": [], "thei": [], "them": 0, "thi": [2, 3, 4, 6], "thing": [], "third": [], "those": [1, 4], "threaten": [], "threshold": [], "through": [0, 5], "tilman": [], "time": [0, 2, 4, 6], "tini": [], "titl": 1, "tm": [], "tmp": [], "togeth": [1, 4], "tograi": 5, "tool": [], "top": [], "topic": [], "torch": [], "torchvis": 5, "total": [], "toward": [], "train": [0, 4, 5], "train_it": 0, "train_load": 0, "train_pytorch": [], "train_set": 0, "train_tensorflow": [], "trainabl": [2, 4], "tranform": 5, "transcrib": [], "transfer": [], "transfo": 5, "transform": [0, 2], "translat": [], "troll": [], "true": [0, 1, 4, 5, 6], "truth": 6, "tune": 2, "tupl": [1, 4, 5], "turn": 4, "two": 1, "txt": [], "type": [1, 4], "typic": [], "u": [], "ucsd": [], "udac": [], "uint8": [4, 6], "unaccept": [], "underli": 0, "underneath": 1, "understand": [0, 2], "uniform": [4, 5], "uniformli": [], "uninterrupt": 1, "union": 6, "unittest": [], "unlock": [], "unoffici": [], "unprofession": [], "unsolicit": [], "unsupervis": [], "unwelcom": [], "up": 4, "updat": 6, "upgrad": [], "upper": 5, "uppercas": [], "url": [0, 1], "us": [0, 3, 6], "usabl": 4, "usag": 4, "use_polygon": [], "useabl": [], "user": [1, 2], "utf": [], "util": [2, 4], "v1": [], "v3": [], "valid": [], "valu": [1, 5], "valuabl": 2, "variabl": [], "varieti": [], "veri": 2, "verifi": 0, "version": 4, "vgg": 4, "vgg16": 4, "vgg16_bn_r": [], "via": 2, "vietnames": [], "view": [], "viewpoint": [], "violat": [], "visibl": [], "vision": [], "visiondataset": 0, "visiontransform": [], "visual": [], "visualize_pag": 6, "vit_": [], "vit_b": [], "vitstr": [], "vitstr_bas": [], "vitstr_smal": [], "viz": [], "vocab": 4, "vocabulari": [], "w": [1, 6], "w3": [], "wa": [], "wai": [0, 2, 4], "want": [], "warm": 4, "warmup": [], "wasn": [], "we": [1, 2, 4, 5], "weasyprint": [], "web": 1, "websit": [], "weight": [], "welcom": [], "well": [], "were": 1, "what": [], "when": 6, "whenev": [], "where": [1, 6], "whether": [0, 1, 6], "which": 4, "whichev": [], "while": [], "why": [], "width": 1, "wiki": [], "wildreceipt": [], "window": 6, "wish": [], "within": [], "without": 4, "wonder": [], "word": [2, 4, 6], "word_1_1": [], "word_1_2": [], "word_1_3": [], "wordgener": [], "words_onli": 6, "work": [], "worker": 0, "workflow": [], "worklow": [], "world": 6, "worth": [], "wrap": [], "wrapper": [0, 5], "write": [], "written": 1, "www": 1, "x": [1, 5, 6], "x12larg": 4, "x_ascend": [], "x_descend": [], "x_i": 6, "x_size": [], "x_wconf": [], "xeon": 4, "xhtml": [], "xmax": 1, "xmin": 1, "xml": [], "xml_bytes_str": [], "xml_element": [], "xml_output": [], "xmln": [], "y": 6, "y_i": 6, "y_j": 6, "ymax": 1, "ymin": 1, "you": 4, "your": [0, 1, 4, 6], "yoursit": 1, "zero": [4, 5], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": 0, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": [], "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": [], "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": [], "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": [], "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": [], "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": [], "\u00e4\u00f6\u00e4\u00f6": [], "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": [], "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": [], "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": [], "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": [], "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": [], "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": [], "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "\u067e\u0686\u06a2\u06a4\u06af": []}, "titles": ["doctr.datasets", "doctr.documents", "DocTR: Document Text Recognition", "Installation", "doctr.models", "doctr.transforms", "doctr.utils"], "titleterms": {"": [], "0": [], "01": [], "02": [], "03": [], "04": [], "05": [], "07": [], "08": [], "09": [], "1": [], "10": [], "11": [], "12": [], "18": [], "2": [], "2021": [], "2022": [], "2023": [], "2024": [], "22": [], "27": [], "28": [], "29": [], "3": [], "31": [], "4": [], "5": [], "6": [], "7": [], "8": [], "advanc": [], "approach": 4, "architectur": [], "arg": [], "artefact": 1, "attribut": [], "avail": 0, "aw": [], "ban": [], "block": 1, "bug": [], "build": 2, "changelog": [], "choos": [], "classif": [], "code": [], "codebas": [], "commit": [], "commun": [], "compos": 5, "compress": 4, "conda": [], "conduct": [], "connect": [], "content": 2, "continu": [], "contribut": [], "contributor": [], "convent": [], "correct": [], "coven": [], "custom": [], "data": 0, "dataload": [], "dataset": [0, 2], "detect": [2, 4], "develop": [], "do": [], "doctr": [0, 1, 2, 4, 5, 6], "document": [1, 2], "end": 4, "enforc": [], "evalu": 6, "export": 4, "factori": [], "featur": 2, "feedback": [], "file": 1, "from": [], "gener": [], "get": 2, "git": 3, "guidelin": [], "half": [], "hub": [], "huggingfac": [], "i": [], "implement": 2, "infer": [], "instal": 3, "integr": 2, "io": [], "lambda": [], "let": [], "line": 1, "linux": [], "load": 0, "loader": [], "main": [], "mode": [], "model": [2, 4], "modifi": [], "name": [], "notebook": [], "object": [], "ocr": 4, "onli": [], "onnx": [], "optim": [], "option": [], "our": [], "output": 4, "own": [], "packag": 3, "page": 1, "perman": [], "pledg": [], "post": 4, "pre": 4, "precis": [], "predictor": [2, 4], "prepar": [], "prerequisit": [], "pretrain": [], "process": 4, "push": [], "python": 3, "qualiti": [], "question": [], "read": 1, "readi": [], "recognit": [2, 4], "report": [], "request": [], "respons": [], "return": [], "right": [], "savedmodel": 4, "scope": [], "share": [], "should": [], "stage": 4, "standard": [], "start": 2, "structur": 1, "style": [], "support": [0, 5], "synthet": [], "task": 6, "temporari": [], "test": [], "text": [2, 4], "train": 2, "transform": 5, "two": 4, "unit": [], "us": 4, "util": 6, "v0": [], "verif": [], "via": 3, "visual": 6, "vocab": 0, "warn": [], "what": [], "word": 1, "your": 2, "zoo": 4}})
\ No newline at end of file
+Search.setIndex({"alltitles": {"Artefact": [[1, "artefact"]], "Available Datasets": [[0, "available-datasets"]], "Block": [[1, "block"]], "Composing transformations": [[5, "composing-transformations"]], "Contents": [[2, "contents"]], "Data Loading": [[0, "data-loading"]], "Detection models": [[2, "detection-models"], [4, "detection-models"]], "Detection predictors": [[4, "detection-predictors"]], "DocTR Vocabs": [[0, "id1"]], "DocTR: Document Text Recognition": [[2, "doctr-document-text-recognition"]], "Document": [[1, "document"]], "Document structure": [[1, "document-structure"]], "End-to-End OCR": [[4, "end-to-end-ocr"]], "Features": [[2, "features"]], "File reading": [[1, "file-reading"]], "Getting Started": [[2, "getting-started"]], "Installation": [[3, "installation"]], "Line": [[1, "line"]], "Model compression": [[4, "model-compression"]], "Model export": [[4, "model-export"]], "Page": [[1, "page"]], "Post-processing detections": [[4, "post-processing-detections"]], "Post-processing outputs": [[4, "post-processing-outputs"]], "Pre-processing for detection": [[4, "pre-processing-for-detection"]], "Pre-processing for recognition": [[4, "pre-processing-for-recognition"]], "Recognition models": [[2, "recognition-models"], [4, "recognition-models"]], "Recognition predictors": [[4, "recognition-predictors"]], "Supported Vocabs": [[0, "supported-vocabs"]], "Supported transformations": [[5, "supported-transformations"]], "Task evaluation": [[6, "task-evaluation"]], "Text Detection": [[4, "text-detection"]], "Text Recognition": [[4, "text-recognition"]], "Text recognition model zoo": [[4, "id2"]], "Two-stage approaches": [[4, "two-stage-approaches"]], "Using SavedModel": [[4, "using-savedmodel"]], "Via Git": [[3, "via-git"]], "Via Python Package": [[3, "via-python-package"]], "Visualization": [[6, "visualization"]], "Word": [[1, "word"]], "doctr.datasets": [[0, "doctr-datasets"]], "doctr.documents": [[1, "doctr-documents"]], "doctr.models": [[4, "doctr-models"]], "doctr.transforms": [[5, "doctr-transforms"]], "doctr.utils": [[6, "doctr-utils"]], "\ud83e\uddd1\u200d\ud83d\udd2c Build & train your predictor": [[2, "scientist-build-train-your-predictor"]], "\ud83e\uddf0 Implemented models": [[2, "toolbox-implemented-models"]], "\ud83e\uddfe Integrated datasets": [[2, "receipt-integrated-datasets"]]}, "docnames": ["datasets", "documents", "index", "installing", "models", "transforms", "utils"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.viewcode": 1}, "filenames": ["datasets.rst", "documents.rst", "index.rst", "installing.rst", "models.rst", "transforms.rst", "utils.rst"], "indexentries": {"artefact (class in doctr.documents)": [[1, "doctr.documents.Artefact", false]], "as_images() (doctr.documents.pdf method)": [[1, "doctr.documents.PDF.as_images", false]], "block (class in doctr.documents)": [[1, "doctr.documents.Block", false]], "colorinversion (class in doctr.transforms)": [[5, "doctr.transforms.ColorInversion", false]], "compose (class in doctr.transforms)": [[5, "doctr.transforms.Compose", false]], "convert_to_fp16() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_fp16", false]], "convert_to_tflite() (in module doctr.models.export)": [[4, "doctr.models.export.convert_to_tflite", false]], "cord (class in doctr.datasets)": [[0, "doctr.datasets.CORD", false]], "crnn_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.crnn_vgg16_bn", false]], "dataloader (class in doctr.datasets.loader)": [[0, "doctr.datasets.loader.DataLoader", false]], "db_resnet50() (in module doctr.models.detection)": [[4, "doctr.models.detection.db_resnet50", false]], "detection_predictor() (in module doctr.models.detection)": [[4, "doctr.models.detection.detection_predictor", false]], "doctr": [[2, "module-doctr", false]], "document (class in doctr.documents)": [[1, "doctr.documents.Document", false]], "documentfile (class in doctr.documents)": [[1, "doctr.documents.DocumentFile", false]], "encode_sequences() (in module doctr.datasets)": [[0, "doctr.datasets.encode_sequences", false]], "exactmatch (class in doctr.utils.metrics)": [[6, "doctr.utils.metrics.ExactMatch", false]], "from_images() (doctr.documents.documentfile class method)": [[1, "doctr.documents.DocumentFile.from_images", false]], "from_pdf() (doctr.documents.documentfile class method)": [[1, "doctr.documents.DocumentFile.from_pdf", false]], "from_url() (doctr.documents.documentfile class method)": [[1, "doctr.documents.DocumentFile.from_url", false]], "funsd (class in doctr.datasets)": [[0, "doctr.datasets.FUNSD", false]], "get_artefacts() (doctr.documents.pdf method)": [[1, "doctr.documents.PDF.get_artefacts", false]], "get_words() (doctr.documents.pdf method)": [[1, "doctr.documents.PDF.get_words", false]], "lambdatransformation (class in doctr.transforms)": [[5, "doctr.transforms.LambdaTransformation", false]], "line (class in doctr.documents)": [[1, "doctr.documents.Line", false]], "linknet() (in module doctr.models.detection)": [[4, "doctr.models.detection.linknet", false]], "localizationconfusion (class in doctr.utils.metrics)": [[6, "doctr.utils.metrics.LocalizationConfusion", false]], "module": [[2, "module-doctr", false]], "normalize (class in doctr.transforms)": [[5, "doctr.transforms.Normalize", false]], "ocr_predictor() (in module doctr.models.zoo)": [[4, "doctr.models.zoo.ocr_predictor", false]], "ocrmetric (class in doctr.utils.metrics)": [[6, "doctr.utils.metrics.OCRMetric", false]], "oneof (class in doctr.transforms)": [[5, "doctr.transforms.OneOf", false]], "page (class in doctr.documents)": [[1, "doctr.documents.Page", false]], "pdf (class in doctr.documents)": [[1, "doctr.documents.PDF", false]], "quantize_model() (in module doctr.models.export)": [[4, "doctr.models.export.quantize_model", false]], "randomapply (class in doctr.transforms)": [[5, "doctr.transforms.RandomApply", false]], "randombrightness (class in doctr.transforms)": [[5, "doctr.transforms.RandomBrightness", false]], "randomcontrast (class in doctr.transforms)": [[5, "doctr.transforms.RandomContrast", false]], "randomgamma (class in doctr.transforms)": [[5, "doctr.transforms.RandomGamma", false]], "randomhue (class in doctr.transforms)": [[5, "doctr.transforms.RandomHue", false]], "randomjpegquality (class in doctr.transforms)": [[5, "doctr.transforms.RandomJpegQuality", false]], "randomsaturation (class in doctr.transforms)": [[5, "doctr.transforms.RandomSaturation", false]], "read_html() (in module doctr.documents)": [[1, "doctr.documents.read_html", false]], "read_img() (in module doctr.documents)": [[1, "doctr.documents.read_img", false]], "read_pdf() (in module doctr.documents)": [[1, "doctr.documents.read_pdf", false]], "recognition_predictor() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.recognition_predictor", false]], "resize (class in doctr.transforms)": [[5, "doctr.transforms.Resize", false]], "sar_resnet31() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_resnet31", false]], "sar_vgg16_bn() (in module doctr.models.recognition)": [[4, "doctr.models.recognition.sar_vgg16_bn", false]], "sroie (class in doctr.datasets)": [[0, "doctr.datasets.SROIE", false]], "togray (class in doctr.transforms)": [[5, "doctr.transforms.ToGray", false]], "visiondataset (class in doctr.datasets.core)": [[0, "doctr.datasets.core.VisionDataset", false]], "visualize_page() (in module doctr.utils.visualization)": [[6, "doctr.utils.visualization.visualize_page", false]], "word (class in doctr.documents)": [[1, "doctr.documents.Word", false]]}, "objects": {"": [[2, 0, 0, "-", "doctr"]], "doctr.datasets": [[0, 1, 1, "", "CORD"], [0, 1, 1, "", "FUNSD"], [0, 1, 1, "", "SROIE"], [0, 2, 1, "", "encode_sequences"]], "doctr.datasets.core": [[0, 1, 1, "", "VisionDataset"]], "doctr.datasets.loader": [[0, 1, 1, "", "DataLoader"]], "doctr.documents": [[1, 1, 1, "", "Artefact"], [1, 1, 1, "", "Block"], [1, 1, 1, "", "Document"], [1, 1, 1, "", "DocumentFile"], [1, 1, 1, "", "Line"], [1, 1, 1, "", "PDF"], [1, 1, 1, "", "Page"], [1, 1, 1, "", "Word"], [1, 2, 1, "", "read_html"], [1, 2, 1, "", "read_img"], [1, 2, 1, "", "read_pdf"]], "doctr.documents.DocumentFile": [[1, 3, 1, "", "from_images"], [1, 3, 1, "", "from_pdf"], [1, 3, 1, "", "from_url"]], "doctr.documents.PDF": [[1, 3, 1, "", "as_images"], [1, 3, 1, "", "get_artefacts"], [1, 3, 1, "", "get_words"]], "doctr.models.detection": [[4, 2, 1, "", "db_resnet50"], [4, 2, 1, "", "detection_predictor"], [4, 2, 1, "", "linknet"]], "doctr.models.export": [[4, 2, 1, "", "convert_to_fp16"], [4, 2, 1, "", "convert_to_tflite"], [4, 2, 1, "", "quantize_model"]], "doctr.models.recognition": [[4, 2, 1, "", "crnn_vgg16_bn"], [4, 2, 1, "", "recognition_predictor"], [4, 2, 1, "", "sar_resnet31"], [4, 2, 1, "", "sar_vgg16_bn"]], "doctr.models.zoo": [[4, 2, 1, "", "ocr_predictor"]], "doctr.transforms": [[5, 1, 1, "", "ColorInversion"], [5, 1, 1, "", "Compose"], [5, 1, 1, "", "LambdaTransformation"], [5, 1, 1, "", "Normalize"], [5, 1, 1, "", "OneOf"], [5, 1, 1, "", "RandomApply"], [5, 1, 1, "", "RandomBrightness"], [5, 1, 1, "", "RandomContrast"], [5, 1, 1, "", "RandomGamma"], [5, 1, 1, "", "RandomHue"], [5, 1, 1, "", "RandomJpegQuality"], [5, 1, 1, "", "RandomSaturation"], [5, 1, 1, "", "Resize"], [5, 1, 1, "", "ToGray"]], "doctr.utils.metrics": [[6, 1, 1, "", "ExactMatch"], [6, 1, 1, "", "LocalizationConfusion"], [6, 1, 1, "", "OCRMetric"]], "doctr.utils.visualization": [[6, 2, 1, "", "visualize_page"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "function", "Python function"], "3": ["py", "method", "Python method"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:function", "3": "py:method"}, "terms": {"": [1, 6], "0": [0, 4, 5, 6], "00": [], "01": [], "0123456789": 0, "0123456789abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 0, "0123456789\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "02562": [], "03": [], "035": [], "0361328125": [], "04": [], "05": [], "06": [], "06640625": [], "07": [], "08": [], "09": [], "0966796875": [], "1": [0, 4, 5, 6], "10": [0, 6], "100": [4, 5, 6], "1000": 4, "101": [], "1024": 4, "104": [], "106": [], "108": [], "1095": [], "11": [], "110": 6, "1107": [], "114": [], "1156": [], "116": [], "118": [], "11800h": [], "11th": [], "12": 4, "120": [], "123": [], "126": [], "1268": [], "128": 4, "13": [], "130": [], "13068": [], "131": [], "1337891": [], "1357421875": [], "1396484375": [], "14": [], "1420": [], "14470v1": [], "149": [], "15": [], "150": 6, "154": 0, "1552": [], "16": 4, "1630859375": [], "1684": [], "16bn": [], "16x16": [], "17": [], "1778": [], "1782": [], "18": [], "185546875": [], "1900": [], "1910": [], "19342": [], "19370": [], "195": [], "19598": [], "199": 4, "1999": [], "2": [2, 4, 5, 6], "20": [], "200": 6, "2000": [], "2003": [], "2012": [], "2013": [], "2015": [], "2019": [], "207901": [], "21": [], "2103": [], "2186": [], "21888": [], "22": [], "224": [4, 5], "225": 5, "22672": [], "229": 5, "23": [], "233": [], "234": [], "24": [], "246": [], "249": [], "25": [], "2504": [], "255": [4, 5, 6], "256": 4, "257": [], "26": [], "26032": [], "264": [], "27": 4, "2700": [], "2710": [], "2749": [], "28": [], "287": [], "29": [], "296": [], "299": [], "2d": [], "3": [1, 2, 3, 4, 5, 6], "30": [], "300": [], "3000": [], "301": [], "30595": 4, "30ghz": [], "31": 4, "32": [0, 4, 5], "3232421875": [], "33": [], "33402": [], "33608": [], "34": [], "340": [], "3456": [], "3515625": [], "36": [], "360": [], "37": [], "38": [], "39": [], "4": [], "40": [], "406": 5, "41": [], "42": [], "43": [], "44": [], "45": [], "456": 5, "46": [], "47": [], "472": [], "48": [], "485": 5, "49": 4, "49377": [], "5": [0, 5, 6], "50": 4, "51": [], "51171875": [], "512": [], "52": 0, "529": [], "53": [], "533": 4, "54": [], "540": [], "5478515625": [], "55": [], "56": [], "57": [], "58": [], "580": [], "5810546875": [], "583": [], "59": [], "595": 4, "597": [], "5k": [], "5m": [], "6": [3, 4, 5], "60": 5, "600": [4, 6], "61": [], "611": 4, "62": [], "625": 4, "626": [], "629": 4, "63": [], "630": 4, "64": [4, 5], "640": 4, "641": [], "647": [], "65": [], "652": [], "653": [], "66": [], "660": 4, "664": 4, "665": [], "666": 4, "67": [], "672": 4, "68": [], "689": 4, "69": [], "693": [], "694": [], "695": [], "6m": [], "7": 4, "70": 6, "700": 4, "701": 4, "702": 4, "707470": [], "71": [], "7100000": [], "713": 4, "7141797": [], "7149": [], "72": [], "721": [], "72dpi": [], "73": [], "73257": [], "733": 4, "735": [], "74": [], "745": 4, "75": [], "753": 4, "7581382": [], "76": [], "77": [], "772": [], "772875": [], "775": [], "78": [], "780": 4, "781": 4, "783": 4, "785": [], "789": 4, "79": [], "793533": [], "796": [], "798": [], "7m": [], "8": [4, 5], "80": [], "800": [4, 6], "81": [], "817": 4, "82": [], "8275l": 4, "83": 4, "830": 4, "84": [], "849": [], "85": 4, "856": [], "8564453125": [], "857": [], "85875": [], "86": [], "860": 4, "8603515625": [], "862": 4, "863": 4, "87": [], "8707": [], "875": 4, "88": [], "89": [], "9": [], "90": [], "90k": [], "90kdict32px": [], "91": [], "913": 4, "914085328578949": [], "917": 4, "92": [], "921": 4, "93": [], "94": [], "95": 6, "9578408598899841": [], "96": 0, "98": [], "99": [], "9949972033500671": [], "A": [0, 1, 2, 4], "And": 4, "As": [], "Be": [], "Being": [], "By": [], "For": 4, "If": [1, 4], "In": 4, "It": 5, "Its": [2, 4], "No": [], "Of": 0, "Or": [], "The": [0, 1, 4, 6], "Then": 4, "To": [], "_": [0, 4], "__call__": [], "_build": [], "_i": 6, "ab": [], "abcdefghijklmnopqrstuvwxyzabcdefghijklmnopqrstuvwxyz": 0, "abdef": [], "abl": [], "about": 4, "abov": 4, "abstract": 0, "abstractdataset": [], "abus": [], "accent": 6, "accept": [], "access": [0, 1, 2], "account": [], "accur": [], "accuraci": 6, "achiev": [], "act": [], "action": [], "activ": [], "ad": 5, "adapt": [], "add": 5, "add_hook": [], "add_label": 6, "addit": [], "addition": 4, "address": 1, "adjust": 5, "advanc": [], "advantag": [], "advis": [], "aesthet": [], "affect": [], "after": [], "ag": [], "again": [], "aggreg": [0, 6], "aggress": [], "align": 1, "all": [0, 1, 2, 4, 5, 6], "allow": [], "along": [], "alreadi": [], "also": [], "alwai": [], "an": [0, 1, 2, 4, 6], "analysi": [1, 4], "ancient_greek": [], "angl": 1, "ani": [0, 1, 2, 4, 6], "annot": 1, "anot": [], "anoth": [0, 4], "answer": [], "anyascii": [], "anyon": 2, "anyth": [], "api": [], "apolog": [], "apologi": [], "app": [], "appear": [], "appli": [0, 5], "applic": [2, 4], "appoint": [], "appreci": [], "appropri": [], "ar": [0, 1, 4, 5, 6], "arab": [], "arabic_diacrit": [], "arabic_lett": [], "arabic_punctu": [], "arbitrarili": [], "arch": 4, "architectur": [2, 4], "archiv": 0, "area": [], "argument": [0, 1], "around": 4, "arrai": 6, "art": 2, "artefact": [], "artefact_typ": 1, "artifici": [], "arxiv": [], "as_imag": 1, "asarrai": 6, "ascii_lett": 0, "aspect": 5, "assess": 6, "assign": 6, "associ": 1, "assum": [], "assume_straight_pag": [], "astyp": [4, 6], "attack": [], "attend": [2, 4], "attent": [], "autoclass": 0, "autom": 2, "automat": [], "autoregress": [], "avail": [4, 5], "averag": [4, 5], "avoid": [], "aw": [2, 4], "awar": [], "azur": [], "b": 6, "b_j": 6, "back": [], "backbon": 4, "backend": 4, "background": [], "bar": [], "bar_cod": [], "base": [2, 4], "baselin": [2, 4], "batch": [0, 4, 5], "batch_siz": 0, "bblanchon": [], "bbox": [], "becaus": [], "been": [4, 6], "befor": 0, "begin": 6, "behavior": [], "being": [4, 6], "belong": [], "benchmark": [], "best": [], "better": [], "between": [5, 6], "bgr": 1, "bilinear": [4, 5], "bin_thresh": [], "binar": [2, 4], "binari": [1, 4], "bit": [], "block": [4, 6], "block_1_1": [], "blur": [], "bmvc": [], "bn": [], "bodi": [], "bool": [0, 1, 4, 5, 6], "boolean": [], "both": [2, 4, 5], "bottom": [], "bound": [1, 4, 5, 6], "box": [1, 4, 6], "box_thresh": [], "bright": 5, "browser": [], "build": [], "built": [], "byte": [1, 4], "c": [], "c5": 4, "c_j": [], "cach": [], "cache_sampl": [], "callabl": [0, 5], "can": [0, 4], "capabl": 4, "case": 6, "cf": 4, "cfg": [], "challeng": [], "challenge2_test_task12_imag": [], "challenge2_test_task1_gt": [], "challenge2_training_task12_imag": [], "challenge2_training_task1_gt": [], "chang": [], "channel": [1, 4, 5], "channel_prior": [], "channelshuffl": [], "charact": [0, 1, 2, 4, 6], "charactergener": [], "characterist": [], "charg": 4, "charset": [], "chart": 1, "check": [], "checkpoint": [], "chip": [], "ci": [], "clarifi": [], "clariti": [], "class": [0, 1, 5, 6], "class_nam": [], "classif": 4, "classif_mobilenet_v3_smal": [], "classmethod": 1, "clear": [], "clone": 3, "close": [], "co": [], "code": [1, 2], "codecov": [], "colab": [], "collate_fn": [], "collect": 1, "color": 5, "colorinvers": 5, "column": 1, "com": [1, 3], "combin": 4, "come": [], "command": [], "comment": [], "commit": [], "common": [5, 6], "commun": [], "compar": 2, "comparison": [], "competit": 0, "compil": [], "complaint": [], "complementari": 6, "complet": [], "compon": 4, "compos": [0, 2, 4], "comprehens": [], "comput": [4, 6], "conda": [], "conf_threshold": [], "confid": 1, "config": [], "configur": [], "confus": 6, "consecut": [4, 5], "consequ": [], "consid": [1, 6], "consist": [], "consolid": [0, 2], "constant": 5, "construct": [], "contact": [], "contain": [], "content": [0, 1], "context": [], "contib": [], "continu": [], "contrast": 5, "contrast_factor": 5, "contrib": [], "contribut": [], "contributor": [], "conv_sequ": 4, "convers": 1, "convert": [1, 4, 5], "convert_page_to_numpi": 1, "convert_to_fp16": 4, "convert_to_tflit": 4, "convolut": 2, "coordin": 1, "cord": [0, 2, 4], "core": [0, 6], "corner": [], "correct": 5, "correspond": 4, "could": [], "counterpart": [], "cover": [], "coverag": [], "cpu": [2, 4], "creat": [], "crnn": [2, 4], "crnn_mobilenet_v3_larg": [], "crnn_mobilenet_v3_smal": [], "crnn_resnet31": 4, "crnn_vgg16_bn": 4, "crnn_vgg16_bn_predictor": [], "crop": 4, "crop_orient": [], "crop_orientation_predictor": [], "cuda": [], "currenc": 0, "current": [], "custom": [], "customhook": [], "cvit": [], "czczup": [], "czech": [], "d": [], "daili": 2, "danish": [], "data": [1, 2, 4, 5], "dataload": 0, "dataset": 4, "dataset_info": [], "date": [], "db": 2, "db_crnn_resnet": 4, "db_crnn_vgg": 4, "db_mobilenet_v3_larg": [], "db_resnet34": [], "db_resnet50": 4, "db_resnet50_predictor": [], "db_sar_resnet": 4, "db_sar_vgg": 4, "dbnet": 4, "decis": [], "decod": 1, "decode_img_as_tensor": [], "deem": [], "deep": 4, "def": [], "default": [1, 4], "defer": 0, "defin": 6, "deform": 4, "degre": [], "degress": 1, "delet": [], "delimit": [], "delta": 5, "demo": [], "demonstr": [], "depend": 2, "deploi": [], "deploy": [], "derogatori": [], "describ": 4, "descript": [], "design": 5, "desir": [], "det_arch": 4, "det_b": [], "det_model": [], "det_param": [], "det_predictor": [], "detail": [], "detect": [], "detect_languag": [], "detect_orient": [], "detection_predictor": 4, "detectiondataset": [], "detectionmetr": [], "detectionpredictor": 4, "detector": [], "deterior": [], "determin": [], "dev": [], "develop": [], "developp": 3, "deviat": 5, "devic": [], "dict": [1, 6], "dictionari": 1, "differ": [], "differenti": [2, 4], "digit": 0, "dimens": [1, 4, 6], "dimension": 5, "direct": [], "directli": 4, "directori": [], "disabl": [], "disclaim": 4, "discuss": [], "disk": 0, "disparag": [], "displai": 6, "display_artefact": [], "distanc": 6, "distribut": 5, "div": [], "divers": [], "divid": [], "do": [], "doc": [1, 4], "docartefact": [], "docstr": [], "doctr": 3, "doctr_cache_dir": [], "doctr_multiprocessing_dis": [], "document": [0, 4, 6], "documentbuild": [], "documentfil": 1, "don": [], "done": [], "download": 0, "downsiz": [], "draw": 5, "drop": 0, "drop_last": 0, "dtype": 4, "dual": [], "dummi": [], "dummy_img": [], "dummy_input": [], "dure": [], "dutch": [], "dynam": [], "dynamic_seq_length": [], "e": [1, 3], "each": [0, 1, 2, 4, 5], "eas": [], "easi": [2, 6], "easier": 4, "easili": [1, 2, 4, 6], "econom": [], "edit": [], "educ": [], "effici": [0, 2, 4], "either": 4, "element": [0, 1, 4], "els": [], "email": [], "empathi": [], "en": [], "enabl": 1, "enclos": 1, "encod": [0, 2, 4], "encode_sequ": 0, "encount": [], "encrypt": [], "end": [0, 2, 6], "english": [], "enhanc": [], "enough": 4, "ensur": [], "entir": 1, "entri": [], "environ": [], "eo": 0, "equiv": [], "error": 6, "estim": [], "etc": 1, "ethnic": [], "evalu": [0, 4], "event": [], "everyon": [], "everyth": [], "exact": 6, "exactmatch": 6, "exampl": [0, 1, 4, 5, 6], "exchang": [], "exclud": 4, "execut": [], "exist": [], "expand": [], "expect": [0, 1, 4, 5], "experi": 4, "explan": 4, "explicit": [], "exploit": [2, 4], "export": [1, 6], "export_as_straight_box": [], "export_as_xml": [], "export_model_to_onnx": [], "express": 5, "extens": 1, "extern": [], "extract": [0, 2], "extract_arch": 0, "extractor": 4, "f_": 6, "f_a": 6, "factor": 5, "fair": [], "fairli": [], "fals": [0, 4, 5, 6], "faq": [], "fascan": [], "fast": [0, 2], "fast_bas": [], "fast_smal": [], "fast_tini": [], "faster": [], "fasterrcnn_mobilenet_v3_large_fpn": [], "favorit": [], "featur": [4, 6], "feed": 4, "feedback": [], "feel": [], "felix92": [], "few": [], "figsiz": 6, "figur": 6, "file": 0, "file_hash": 0, "file_nam": 0, "file_path": [], "final": [], "find": [], "fine": 2, "finnish": [], "first": [], "firsthand": [], "fit": [], "fitz": 1, "flag": [], "flip": [], "float": [1, 5, 6], "float32": 4, "fn": 5, "focu": [], "focus": [], "folder": 4, "follow": [4, 5, 6], "font": [], "font_famili": [], "foral": 6, "forc": [], "forg": [], "form": [0, 2], "format": [1, 4], "forpost": [0, 2], "forum": [], "fp": 4, "fp16": 4, "frac": 6, "frame": 4, "framework": 0, "free": [], "french": [0, 4], "friendli": 2, "from": [0, 1, 2, 4, 5, 6], "from_hub": [], "from_imag": 1, "from_pdf": 1, "from_url": 1, "full": [0, 4, 6], "fulli": 2, "function": [4, 5, 6], "funsd": [0, 2, 4], "further": [], "futur": [], "g": 1, "g_": 6, "g_x": 6, "gamma": 5, "gaussian": 5, "gaussianblur": [], "gaussiannois": [], "gen": [], "gender": [], "gener": [], "geometri": 1, "geq": 6, "german": [], "get": 1, "get_artefact": 1, "get_word": 1, "gettextword": 1, "git": 2, "github": 3, "give": [], "given": [0, 4, 6], "global": [], "go": [], "good": [], "googl": [], "googlevis": 2, "gpu": 2, "gracefulli": [], "graph": 1, "grayscal": 5, "ground": 6, "groung": [], "group": [], "gt": [], "gt_box": [], "gt_label": [], "guid": [], "guidanc": [], "gvision": 4, "h": 1, "h_": 6, "ha": [0, 6], "half": 4, "handl": 0, "handwrit": [], "handwritten": [], "harass": [], "hardwar": [], "harm": [], "hat": 6, "have": [0, 4, 6], "head": [], "healthi": [], "hebrew": [], "height": 1, "hello": 6, "help": [], "here": [0, 5], "hf": [], "hf_hub_download": [], "high": 1, "higher": [], "hindi_digit": [], "hocr": [], "hook": [], "horizont": 1, "hous": [], "how": [], "howev": [], "hsv": 5, "html": [], "http": [1, 3], "hub": [], "hue": 5, "huggingfac": [], "hw": [], "i": [0, 1, 2, 4, 5, 6], "i7": [], "ic03": [], "ic13": [], "icdar": [], "icdar2019": 0, "id": [], "ident": [], "identifi": [2, 4], "ignor": 6, "ignore_acc": 6, "ignore_cas": 6, "iiit": [], "iiit5k": [], "iiithw": [], "imag": [0, 1, 2, 4, 5, 6], "imagenet": [], "imageri": [], "images_90k_norm": [], "img": [0, 5], "img_cont": [], "img_fold": [], "img_path": [], "img_transform": [], "imgur5k": [], "imgur5k_annot": [], "imlist": [], "impact": [], "implement": [0, 1, 4, 5, 6], "import": [0, 1, 4, 5, 6], "improv": [], "inappropri": [], "incid": [], "includ": 4, "inclus": [], "increas": 5, "index": 1, "indic": 6, "individu": [], "infer": 5, "inform": [0, 2, 4], "inherit": [0, 4], "input": [1, 4, 5], "input_crop": [], "input_pag": [4, 6], "input_shap": 4, "input_t": 4, "input_tensor": 4, "inspir": 5, "instal": 2, "instanc": 4, "instanti": 4, "instead": 1, "insult": [], "int": [0, 1, 4, 5, 6], "int64": [], "integ": 6, "integr": [], "intel": [], "interact": 6, "interfac": [], "interoper": [], "interpol": [4, 5], "interpret": [0, 1], "intersect": 6, "invert": 5, "investig": [], "invis": [], "involv": 4, "io": [], "iou": 6, "iou_thresh": 6, "iou_threshold": [], "irregular": [2, 4], "isn": 0, "issu": [], "italian": [], "iter": 0, "its": [0, 1], "itself": [], "j": 6, "job": [], "join": [], "jpeg": 5, "jpegqual": 5, "jpg": 1, "json": [], "json_output": [], "jump": [], "just": 4, "kei": [], "kera": 4, "kernel": [], "kernel_s": 4, "kernel_shap": [], "keywoard": [], "keyword": [0, 1], "kie": [], "kie_predictor": [], "kiepredictor": [], "kind": [], "know": [], "kwarg": [0, 1, 4, 6], "l": 6, "l_j": 6, "label": [], "label_fil": [], "label_fold": [], "label_path": [], "labels_path": [], "ladder": [], "lambda": 5, "lambdatransform": 5, "lang": [], "languag": [1, 2], "larg": [], "largest": 6, "last": [0, 3, 4], "latenc": [], "later": [], "latest": [], "latin": 0, "layer": [], "layout": [], "lead": [], "leader": [], "learn": 4, "least": [], "left": 6, "legacy_french": [], "length": 0, "less": [], "let": 4, "letter": 6, "level": [4, 6], "levenshtein": 6, "leverag": [], "lf": [], "librari": 3, "light": 2, "like": [], "limits_": 6, "line": [2, 6], "line_1_1": [], "link": [], "linknet": [2, 4], "linknet_resnet18": [], "linknet_resnet34": [], "linknet_resnet50": [], "list": [0, 1, 5], "ll": 6, "load": [2, 4], "load_state_dict": [], "load_weight": [], "loader": 0, "loc_pr": [], "local": [2, 4, 6], "localis": [], "localizationconfus": 6, "locat": [], "login": [], "login_to_hub": [], "logo": 1, "love": [], "lower": 5, "m": 6, "m1": [], "macbook": [], "machin": [], "made": 2, "magc_resnet31": [], "mai": [], "mail": [], "main": [], "maintain": 2, "mainten": [], "make": [4, 6], "mani": [], "manipul": [], "map": [0, 4], "map_loc": [], "master": [], "match": [2, 6], "mathcal": 6, "matplotlib": 6, "max": 6, "max_angl": [], "max_area": [], "max_char": [], "max_delta": 5, "max_dist": 6, "max_gain": 5, "max_gamma": 5, "max_qual": 5, "max_ratio": [], "maximum": [0, 6], "maxval": [4, 5], "mbox": 6, "mean": [5, 6], "meaniou": 6, "meant": 1, "measur": 4, "media": [], "median": [], "meet": [], "member": [], "memori": [], "mention": [], "merg": [], "messag": [], "meta": [], "metadata": [], "metal": [], "method": 5, "metric": [4, 6], "middl": [], "might": 4, "min": [], "min_area": [], "min_char": [], "min_gain": 5, "min_gamma": 5, "min_qual": 5, "min_ratio": [], "min_val": 5, "minde": 3, "minim": [], "minimalist": [], "minimum": 6, "minval": 5, "miss": [], "mistak": [], "mix": 2, "mixed_float16": [], "mixed_precis": [], "mjsynth": [], "mnt": [], "mobilenet": [], "mobilenet_v3_larg": [], "mobilenet_v3_large_r": [], "mobilenet_v3_smal": [], "mobilenet_v3_small_crop_orient": [], "mobilenet_v3_small_r": [], "mobilenetv3": [], "modal": [], "mode": 3, "model": [0, 6], "model_nam": [], "model_path": [], "moder": [], "modif": [], "modifi": [], "modul": [1, 4, 5, 6], "more": [], "most": 4, "mozilla": [], "multi": [], "multilingu": [], "multipl": [0, 1, 5], "multipli": 5, "multiprocess": [], "my": [], "my_awesome_model": [], "my_hook": [], "n": [0, 6], "na": 4, "name": [0, 4], "nation": [], "natur": 2, "ndarrai": [0, 1, 6], "necessari": [], "need": 6, "neg": 5, "nest": [], "nestedobject": 5, "network": [2, 4], "neural": [2, 4], "new": [], "newer": 3, "next": 0, "nois": [], "noisi": [0, 2], "non": [1, 5, 6], "none": [0, 1], "normal": [4, 5], "norwegian": [], "note": [], "now": [], "np": [4, 6], "num_output_channel": [], "num_sampl": [], "num_work": [], "number": [0, 5, 6], "numpi": [1, 4, 6], "o": [], "obb": [], "obj_detect": [], "object": 0, "oblig": [], "obtain": [], "occupi": [], "ocr": [0, 2, 6], "ocr_carea": [], "ocr_db_crnn": 6, "ocr_db_crnn_vgg": [], "ocr_db_sar_resnet": [], "ocr_db_sar_vgg": [], "ocr_lin": [], "ocr_pag": [], "ocr_par": [], "ocr_predictor": 4, "ocrdataset": 0, "ocrmetr": 6, "ocrpredictor": 4, "ocrx_word": [], "offens": [], "offici": [], "offlin": [], "offset": 5, "onc": [0, 4], "one": [0, 4, 5], "oneof": 5, "ones": [], "onli": [5, 6], "onlin": [], "onnx": [], "onnxruntim": [], "opac": [], "opacity_rang": [], "open": [], "opinion": [], "optic": [2, 4], "optim": 2, "option": [], "order": [0, 1, 4], "org": [], "organ": 1, "orient": 1, "orientationpredictor": [], "other": [], "otherwis": 6, "our": [2, 4], "out": [4, 5, 6], "outpout": [], "output": [1, 5], "output_s": [1, 5], "outsid": [], "over": 6, "overal": [], "overlai": [], "overview": [], "overwrit": 0, "overwritten": [], "own": 2, "p": 5, "packag": [2, 6], "pad": [0, 4, 5], "page": [4, 6], "page1": 1, "page2": 1, "page_1": [], "page_idx": 1, "pair": 6, "paper": [], "par_1_1": [], "paragraph": [], "paragraph_break": [], "param": [4, 5], "paramet": [0, 1, 4, 5, 6], "pars": [0, 2], "parseq": [], "part": 5, "parti": [], "partial": [], "particip": [], "pass": [0, 4], "password": [], "patch": [], "path": [1, 4], "path_to_checkpoint": [], "path_to_pt": [], "pattern": [], "pdf": 1, "pdfpage": [], "peopl": [], "per": [4, 5], "perform": [1, 2, 4, 5, 6], "period": [], "permiss": [], "permut": [], "persian_lett": [], "person": [], "phase": [], "photo": [], "physic": 1, "pick": 5, "pictur": 1, "pip": 3, "pipelin": [], "pixel": [1, 5], "platinum": 4, "pleas": [], "plot": [], "plt": 6, "plug": [], "plugin": [], "png": 1, "point": [], "polici": [], "polish": [], "polit": [], "polygon": [], "pool": [], "portugues": [], "posit": 6, "possibl": 6, "post": [], "postprocessor": 4, "potenti": 4, "power": 2, "ppageno": [], "pre": [], "precis": [4, 6], "pred": [], "pred_box": [], "pred_label": [], "predefin": 0, "predict": [1, 6], "predictor": [], "prefer": 0, "preinstal": [], "preprocessor": 4, "prerequisit": [], "present": 0, "preserv": 5, "preserve_aspect_ratio": 5, "pretrain": [2, 4, 6], "pretrained_backbon": [], "print": [], "prior": [], "privaci": [], "privat": [], "probabl": 5, "problem": [], "procedur": 5, "process": [1, 2], "processor": [], "produc": 4, "product": [], "profession": [], "project": [], "promptli": [], "proper": [], "properli": 0, "properti": 4, "provid": [2, 4], "public": 2, "publicli": [], "publish": [], "pull": [], "punctuat": 0, "pure": [], "purpos": 4, "push_to_hf_hub": [], "py": [], "pypdfium2": [], "pyplot": 6, "python": 2, "python3": [], "pytorch": [], "q": [], "qr": 1, "qr_code": [], "qualiti": 5, "quantiz": 4, "quantize_model": 4, "question": [], "quickli": 2, "quicktour": [], "r": [], "race": [], "ramdisk": [], "rand": [4, 6], "random": [4, 5, 6], "randomappli": 5, "randombright": 5, "randomcontrast": 5, "randomcrop": [], "randomgamma": 5, "randomhorizontalflip": [], "randomhu": 5, "randomjpegqu": 5, "randomli": 5, "randomrot": [], "randomsatur": 5, "randomshadow": [], "rang": 5, "rassi": [], "ratio": 5, "raw": 1, "re": 0, "read": [2, 4], "read_html": 1, "read_img": 1, "read_img_as_numpi": [], "read_img_as_tensor": [], "read_pdf": 1, "readi": [], "real": [2, 4, 5], "reason": [], "rebuild": [], "rebuilt": [], "recal": [4, 6], "receipt": [0, 2], "reco_arch": 4, "reco_b": [], "reco_model": [], "reco_param": [], "reco_predictor": [], "recogn": [], "recognit": 6, "recognition_predictor": 4, "recognition_task": [], "recognitiondataset": [], "recognitionpredictor": 4, "rectangular": [], "recurr": 2, "reduc": 5, "refer": [], "regardless": [], "region": [], "regroup": 6, "regular": [], "reject": [], "rel": 1, "relat": [], "releas": 3, "relev": [], "religion": [], "relu": 4, "remov": [], "render": [], "repo": [], "repo_id": [], "report": [], "repositori": 2, "repres": [1, 4], "represent": [2, 4], "request": [], "requir": [3, 5], "research": 2, "residu": [], "resiz": [4, 5], "resnet": 4, "resnet18": [], "resnet31": [], "resnet34": [], "resnet50": [], "resolv": 1, "resolve_block": [], "resolve_lin": [], "resourc": [], "respect": [], "rest": [5, 6], "restrict": [], "result": 1, "return": [0, 1, 4], "reusabl": 4, "review": [], "rgb": [1, 5], "rgb_mode": [], "rgb_output": 1, "right": [4, 6], "rnn": [], "robust": 2, "root": [], "rotat": 1, "run": [], "same": [1, 6], "sampl": 0, "sample_transform": 0, "sar": [2, 4], "sar_resnet31": 4, "sar_resnet31_predictor": [], "sar_vgg16_bn": 4, "sar_vgg16_bn_predictor": [], "satur": 5, "save": [0, 4], "saved_model": 4, "scale": 6, "scan": [0, 2], "scene": [2, 4], "scheme": 4, "score": [], "scratch": 2, "script": [], "seamless": 2, "seamlessli": [], "search": [], "searchabl": [], "sec": [], "second": 4, "section": [], "secur": [], "see": [], "seemlessli": 2, "seen": 4, "segment": [2, 4], "self": [], "semant": [2, 4], "send": [], "sens": 6, "sensit": [], "separ": 4, "sequenc": [0, 1, 2, 4, 6], "sequenti": [4, 5], "seri": [], "serial": 4, "serialized_model": 4, "seriou": [], "set": [0, 4, 6], "set_global_polici": [], "sever": [1, 5], "sex": [], "sexual": [], "sha256": 0, "shade": [], "shape": [1, 4, 5, 6], "share": [], "shift": 5, "shm": [], "should": [0, 1, 6], "show": [2, 4, 6], "showcas": [], "shuffl": 0, "side": 6, "signatur": 1, "signific": 0, "simpl": [2, 4], "simpler": [], "sinc": 0, "singl": [], "size": [0, 1, 4, 5], "skew": [], "slack": [], "slightli": [], "small": 2, "smallest": 1, "snapshot_download": [], "snippet": [], "so": [], "social": [], "socio": [], "some": [], "someth": [], "somewher": [], "soon": [], "sort": [], "sourc": [0, 1, 4, 5, 6], "space": [], "span": [], "spanish": [], "spatial": 1, "special": 2, "specif": [0, 6], "specifi": 1, "speed": [2, 4], "sphinx": [], "sroie": 0, "stabl": 3, "stackoverflow": [], "stage": 2, "standard": 5, "start": [], "state": 2, "static": [], "statist": 4, "statu": [], "std": 5, "step": [], "still": [], "str": [0, 1, 4, 5, 6], "straight": [], "straighten_pag": [], "stream": 1, "street": [], "strict": [], "strictli": 6, "string": [0, 1, 4], "strive": [], "strong": [2, 4], "structur": 4, "subset": [0, 4], "suggest": [], "sum": 6, "summari": 6, "support": 4, "sustain": [], "svhn": [], "svt": [], "swedish": [], "symbol": 4, "symmetr": [], "symmetric_pad": [], "synthet": [], "synthtext": [], "system": [], "t": 0, "tabl": [], "take": [], "target": [0, 1, 4, 5], "target_s": 0, "task": [0, 2, 4], "task2": [], "team": [], "techminde": [], "templat": 1, "tensor": [0, 4, 5], "tensorflow": [2, 4, 5], "tensorspec": [], "term": [], "test": [], "test_set": [], "text": 1, "text_output": [], "textmatch": [], "textnet": [], "textnet_bas": [], "textnet_smal": [], "textnet_tini": [], "textract": [2, 4], "textstylebrush": [], "textual": [0, 1, 2], "tf": [4, 5], "tf_model": 4, "tflite": 4, "than": 6, "thank": [], "thei": [], "them": 0, "thi": [2, 3, 4, 6], "thing": [], "third": [], "those": [1, 4], "threaten": [], "threshold": [], "through": [0, 5], "tilman": [], "time": [0, 2, 4, 6], "tini": [], "titl": 1, "tm": [], "tmp": [], "togeth": [1, 4], "tograi": 5, "tool": [], "top": [], "topic": [], "torch": [], "torchvis": 5, "total": [], "toward": [], "train": [0, 4, 5], "train_it": 0, "train_load": 0, "train_pytorch": [], "train_set": 0, "train_tensorflow": [], "trainabl": [2, 4], "tranform": 5, "transcrib": [], "transfer": [], "transfo": 5, "transform": [0, 2], "translat": [], "troll": [], "true": [0, 1, 4, 5, 6], "truth": 6, "tune": 2, "tupl": [1, 4, 5], "turn": 4, "two": 1, "txt": [], "type": [1, 4], "typic": [], "u": [], "ucsd": [], "udac": [], "uint8": [4, 6], "unaccept": [], "underli": 0, "underneath": 1, "understand": [0, 2], "uniform": [4, 5], "uniformli": [], "uninterrupt": 1, "union": 6, "unittest": [], "unlock": [], "unoffici": [], "unprofession": [], "unsolicit": [], "unsupervis": [], "unwelcom": [], "up": 4, "updat": 6, "upgrad": [], "upper": 5, "uppercas": [], "url": [0, 1], "us": [0, 3, 6], "usabl": 4, "usag": 4, "use_polygon": [], "useabl": [], "user": [1, 2], "utf": [], "util": [2, 4], "v1": [], "v3": [], "valid": [], "valu": [1, 5], "valuabl": 2, "variabl": [], "varieti": [], "veri": 2, "verifi": 0, "version": 4, "vgg": 4, "vgg16": 4, "vgg16_bn_r": [], "via": 2, "vietnames": [], "view": [], "viewpoint": [], "violat": [], "visibl": [], "vision": [], "visiondataset": 0, "visiontransform": [], "visual": [], "visualize_pag": 6, "vit_": [], "vit_b": [], "vitstr": [], "vitstr_bas": [], "vitstr_smal": [], "viz": [], "vocab": 4, "vocabulari": [], "w": [1, 6], "w3": [], "wa": [], "wai": [0, 2, 4], "want": [], "warm": 4, "warmup": [], "wasn": [], "we": [1, 2, 4, 5], "weasyprint": [], "web": 1, "websit": [], "weight": [], "welcom": [], "well": [], "were": 1, "what": [], "when": 6, "whenev": [], "where": [1, 6], "whether": [0, 1, 6], "which": 4, "whichev": [], "while": [], "why": [], "width": 1, "wiki": [], "wildreceipt": [], "window": 6, "wish": [], "within": [], "without": 4, "wonder": [], "word": [2, 4, 6], "word_1_1": [], "word_1_2": [], "word_1_3": [], "wordgener": [], "words_onli": 6, "work": [], "worker": 0, "workflow": [], "worklow": [], "world": 6, "worth": [], "wrap": [], "wrapper": [0, 5], "write": [], "written": 1, "www": 1, "x": [1, 5, 6], "x12larg": 4, "x_ascend": [], "x_descend": [], "x_i": 6, "x_size": [], "x_wconf": [], "xeon": 4, "xhtml": [], "xmax": 1, "xmin": 1, "xml": [], "xml_bytes_str": [], "xml_element": [], "xml_output": [], "xmln": [], "y": 6, "y_i": 6, "y_j": 6, "yet": [], "ymax": 1, "ymin": 1, "yolov8": [], "you": 4, "your": [0, 1, 4, 6], "yoursit": 1, "zero": [4, 5], "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7\u00e0\u00e2\u00e9\u00e8\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00e7": 0, "\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7\u00e0\u00e2\u00e9\u00e8\u00ea\u00eb\u00ee\u00ef\u00f4\u00f9\u00fb\u00fc\u00e7": [], "\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa\u00e0\u00e8\u00e9\u00ec\u00ed\u00ee\u00f2\u00f3\u00f9\u00fa": [], "\u00e1\u00e0\u00e2\u00e3\u00e9\u00ea\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7\u00e1\u00e0\u00e2\u00e3\u00e9\u00eb\u00ed\u00ef\u00f3\u00f4\u00f5\u00fa\u00fc\u00e7": [], "\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5\u00e1\u00e0\u1ea3\u1ea1\u00e3\u0103\u1eaf\u1eb1\u1eb3\u1eb5\u1eb7\u00e2\u1ea5\u1ea7\u1ea9\u1eab\u1ead\u00e9\u00e8\u1ebb\u1ebd\u1eb9\u00ea\u1ebf\u1ec1\u1ec3\u1ec5\u1ec7\u00f3\u00f2\u1ecf\u00f5\u1ecd\u00f4\u1ed1\u1ed3\u1ed5\u1ed9\u1ed7\u01a1\u1edb\u1edd\u1edf\u1ee3\u1ee1\u00fa\u00f9\u1ee7\u0169\u1ee5\u01b0\u1ee9\u1eeb\u1eed\u1eef\u1ef1i\u00ed\u00ec\u1ec9\u0129\u1ecb\u00fd\u1ef3\u1ef7\u1ef9\u1ef5": [], "\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1\u00e1\u00e9\u00ed\u00f3\u00fa\u00fc\u00f1": [], "\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e\u00e1\u010d\u010f\u00e9\u011b\u00ed\u0148\u00f3\u0159\u0161\u0165\u00fa\u016f\u00fd\u017e": [], "\u00e4\u00f6\u00e4\u00f6": [], "\u00e4\u00f6\u00fc\u00df\u00e4\u00f6\u00fc\u00df": [], "\u00e5\u00e4\u00f6\u00e5\u00e4\u00f6": [], "\u00e6\u00f8\u00e5\u00e6\u00f8\u00e5": [], "\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c\u0105\u0107\u0119\u0142\u0144\u00f3\u015b\u017a\u017c": [], "\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9\u03b1\u03b2\u03b3\u03b4\u03b5\u03b6\u03b7\u03b8\u03b9\u03ba\u03bb\u03bc\u03bd\u03be\u03bf\u03c0\u03c1\u03c3\u03c4\u03c5\u03c6\u03c7\u03c8\u03c9": [], "\u05d0\u05d1\u05d2\u05d3\u05d4\u05d5\u05d6\u05d7\u05d8\u05d9\u05db\u05dc\u05de\u05e0\u05e1\u05e2\u05e4\u05e6\u05e7\u05e8\u05e9\u05ea": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a": [], "\u0621\u0622\u0623\u0624\u0625\u0626\u0627\u0628\u0629\u062a\u062b\u062c\u062d\u062e\u062f\u0630\u0631\u0632\u0633\u0634\u0635\u0636\u0637\u0638\u0639\u063a\u0640\u0641\u0642\u0643\u0644\u0645\u0646\u0647\u0648\u0649\u064a\u067e\u0686\u06a2\u06a4\u06af": [], "\u0660\u0661\u0662\u0663\u0664\u0665\u0666\u0667\u0668\u0669": [], "\u067e\u0686\u06a2\u06a4\u06af": []}, "titles": ["doctr.datasets", "doctr.documents", "DocTR: Document Text Recognition", "Installation", "doctr.models", "doctr.transforms", "doctr.utils"], "titleterms": {"": [], "0": [], "01": [], "02": [], "03": [], "04": [], "05": [], "07": [], "08": [], "09": [], "1": [], "10": [], "11": [], "12": [], "18": [], "2": [], "2021": [], "2022": [], "2023": [], "2024": [], "22": [], "27": [], "28": [], "29": [], "3": [], "31": [], "4": [], "5": [], "6": [], "7": [], "8": [], "advanc": [], "approach": 4, "architectur": [], "arg": [], "artefact": 1, "artefactdetect": [], "attribut": [], "avail": 0, "aw": [], "ban": [], "block": 1, "bug": [], "build": 2, "changelog": [], "choos": [], "classif": [], "code": [], "codebas": [], "commit": [], "commun": [], "compos": 5, "compress": 4, "conda": [], "conduct": [], "connect": [], "content": 2, "continu": [], "contrib": [], "contribut": [], "contributor": [], "convent": [], "correct": [], "coven": [], "custom": [], "data": 0, "dataload": [], "dataset": [0, 2], "detect": [2, 4], "develop": [], "do": [], "doctr": [0, 1, 2, 4, 5, 6], "document": [1, 2], "end": 4, "enforc": [], "evalu": 6, "export": 4, "factori": [], "featur": 2, "feedback": [], "file": 1, "from": [], "gener": [], "get": 2, "git": 3, "guidelin": [], "half": [], "hub": [], "huggingfac": [], "i": [], "implement": 2, "infer": [], "instal": 3, "integr": 2, "io": [], "lambda": [], "let": [], "line": 1, "linux": [], "load": 0, "loader": [], "main": [], "mode": [], "model": [2, 4], "modifi": [], "modul": [], "name": [], "notebook": [], "object": [], "ocr": 4, "onli": [], "onnx": [], "optim": [], "option": [], "our": [], "output": 4, "own": [], "packag": 3, "page": 1, "perman": [], "pipelin": [], "pledg": [], "post": 4, "pre": 4, "precis": [], "predictor": [2, 4], "prepar": [], "prerequisit": [], "pretrain": [], "process": 4, "push": [], "python": 3, "qualiti": [], "question": [], "read": 1, "readi": [], "recognit": [2, 4], "report": [], "request": [], "respons": [], "return": [], "right": [], "savedmodel": 4, "scope": [], "share": [], "should": [], "stage": 4, "standard": [], "start": 2, "structur": 1, "style": [], "support": [0, 5], "synthet": [], "task": 6, "temporari": [], "test": [], "text": [2, 4], "train": 2, "transform": 5, "two": 4, "unit": [], "us": 4, "util": 6, "v0": [], "verif": [], "via": 3, "visual": 6, "vocab": 0, "warn": [], "what": [], "word": 1, "your": 2, "zoo": 4}})
\ No newline at end of file
diff --git a/v0.2.0/using_doctr/custom_models_training.html b/v0.2.0/using_doctr/custom_models_training.html
index c0727fafce..5dd87ae891 100644
--- a/v0.2.0/using_doctr/custom_models_training.html
+++ b/v0.2.0/using_doctr/custom_models_training.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/using_doctr/running_on_aws.html b/v0.2.0/using_doctr/running_on_aws.html
index 7fb7642af7..3823224a32 100644
--- a/v0.2.0/using_doctr/running_on_aws.html
+++ b/v0.2.0/using_doctr/running_on_aws.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
AWS Lambda - docTR documentation
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -262,12 +264,12 @@ AWS Lambda
-
+
Next
- doctr.datasets
+ doctr.contrib
diff --git a/v0.2.0/using_doctr/sharing_models.html b/v0.2.0/using_doctr/sharing_models.html
index 512b8f95ac..6739f0fd09 100644
--- a/v0.2.0/using_doctr/sharing_models.html
+++ b/v0.2.0/using_doctr/sharing_models.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Share your model with the community - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -425,14 +427,14 @@ Recognition
-
+
Previous
- Choose a ready to use dataset
+ Integrate contributions into your pipeline
diff --git a/v0.2.0/using_doctr/using_contrib_modules.html b/v0.2.0/using_doctr/using_contrib_modules.html
new file mode 100644
index 0000000000..0056bc6aaf
--- /dev/null
+++ b/v0.2.0/using_doctr/using_contrib_modules.html
@@ -0,0 +1,372 @@
+
+
+
+
+
+
+
+
+
+
+
+
+ Integrate contributions into your pipeline - docTR documentation
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Back to top
+
+
+
+
+Integrate contributions into your pipeline¶
+The contrib module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+Available contribution modules¶
+NOTE: To use the contrib module, you need to install the onnxruntime package. You can install it using the following command:
+pip install python-doctr[contrib]
+# Or
+pip install onnxruntime # pip install onnxruntime-gpu
+
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection¶
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+from doctr.io import DocumentFile
+from doctr.contrib.artefacts import ArtefactDetection
+
+# Load the document
+doc = DocumentFile.from_images(["path/to/your/image"])
+detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+artefacts = detector(doc)
+
+# Visualize the detected artefacts
+detector.show()
+
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: YOLOv8
+NOTE: The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+from doctr.contrib import ArtefactDetection
+
+detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/v0.2.0/using_doctr/using_datasets.html b/v0.2.0/using_doctr/using_datasets.html
index 902a9ccff2..b606f789b5 100644
--- a/v0.2.0/using_doctr/using_datasets.html
+++ b/v0.2.0/using_doctr/using_datasets.html
@@ -12,7 +12,7 @@
gtag('js', new Date());
gtag('config', 'G-40DVRMX8T4');
-
+
Choose a ready to use dataset - docTR documentation
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -502,12 +504,12 @@ Data Loading
-
+
Next
- Share your model with the community
+ Integrate contributions into your pipeline
diff --git a/v0.2.0/using_doctr/using_model_export.html b/v0.2.0/using_doctr/using_model_export.html
index 705745c9b2..70878176d8 100644
--- a/v0.2.0/using_doctr/using_model_export.html
+++ b/v0.2.0/using_doctr/using_model_export.html
@@ -192,6 +192,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.0/using_doctr/using_models.html b/v0.2.0/using_doctr/using_models.html
index 5f87f3162c..4a4be290bd 100644
--- a/v0.2.0/using_doctr/using_models.html
+++ b/v0.2.0/using_doctr/using_models.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/detection.html b/v0.2.1/_modules/doctr/datasets/detection.html
index 344d308644..e65d2a69e1 100644
--- a/v0.2.1/_modules/doctr/datasets/detection.html
+++ b/v0.2.1/_modules/doctr/datasets/detection.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/doc_artefacts.html b/v0.2.1/_modules/doctr/datasets/doc_artefacts.html
index fe1b5fff8b..3ab9710208 100644
--- a/v0.2.1/_modules/doctr/datasets/doc_artefacts.html
+++ b/v0.2.1/_modules/doctr/datasets/doc_artefacts.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/generator/tensorflow.html b/v0.2.1/_modules/doctr/datasets/generator/tensorflow.html
index 73756d082a..f227332363 100644
--- a/v0.2.1/_modules/doctr/datasets/generator/tensorflow.html
+++ b/v0.2.1/_modules/doctr/datasets/generator/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/ic03.html b/v0.2.1/_modules/doctr/datasets/ic03.html
index 5b54988686..c2a734e880 100644
--- a/v0.2.1/_modules/doctr/datasets/ic03.html
+++ b/v0.2.1/_modules/doctr/datasets/ic03.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/ic13.html b/v0.2.1/_modules/doctr/datasets/ic13.html
index 2661a1ffe8..7cc68c56c5 100644
--- a/v0.2.1/_modules/doctr/datasets/ic13.html
+++ b/v0.2.1/_modules/doctr/datasets/ic13.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/iiit5k.html b/v0.2.1/_modules/doctr/datasets/iiit5k.html
index 809cc151cd..e90d69264d 100644
--- a/v0.2.1/_modules/doctr/datasets/iiit5k.html
+++ b/v0.2.1/_modules/doctr/datasets/iiit5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/iiithws.html b/v0.2.1/_modules/doctr/datasets/iiithws.html
index 2fecb5a00b..871ca30d48 100644
--- a/v0.2.1/_modules/doctr/datasets/iiithws.html
+++ b/v0.2.1/_modules/doctr/datasets/iiithws.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/imgur5k.html b/v0.2.1/_modules/doctr/datasets/imgur5k.html
index 2d3d7b33d8..ec15123773 100644
--- a/v0.2.1/_modules/doctr/datasets/imgur5k.html
+++ b/v0.2.1/_modules/doctr/datasets/imgur5k.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/mjsynth.html b/v0.2.1/_modules/doctr/datasets/mjsynth.html
index 8ae0e70cc8..dda4be9de9 100644
--- a/v0.2.1/_modules/doctr/datasets/mjsynth.html
+++ b/v0.2.1/_modules/doctr/datasets/mjsynth.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/recognition.html b/v0.2.1/_modules/doctr/datasets/recognition.html
index 02dbb3a9b0..d5806a837d 100644
--- a/v0.2.1/_modules/doctr/datasets/recognition.html
+++ b/v0.2.1/_modules/doctr/datasets/recognition.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/svhn.html b/v0.2.1/_modules/doctr/datasets/svhn.html
index 190884a6e1..aea7dacc1c 100644
--- a/v0.2.1/_modules/doctr/datasets/svhn.html
+++ b/v0.2.1/_modules/doctr/datasets/svhn.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/svt.html b/v0.2.1/_modules/doctr/datasets/svt.html
index 78bf1370c6..1114ca8c3c 100644
--- a/v0.2.1/_modules/doctr/datasets/svt.html
+++ b/v0.2.1/_modules/doctr/datasets/svt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/synthtext.html b/v0.2.1/_modules/doctr/datasets/synthtext.html
index 438b7c2796..5ed27b2010 100644
--- a/v0.2.1/_modules/doctr/datasets/synthtext.html
+++ b/v0.2.1/_modules/doctr/datasets/synthtext.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/datasets/wildreceipt.html b/v0.2.1/_modules/doctr/datasets/wildreceipt.html
index 9af778b203..e36337ffed 100644
--- a/v0.2.1/_modules/doctr/datasets/wildreceipt.html
+++ b/v0.2.1/_modules/doctr/datasets/wildreceipt.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/io/elements.html b/v0.2.1/_modules/doctr/io/elements.html
index 70caf5bc30..543e2529c9 100644
--- a/v0.2.1/_modules/doctr/io/elements.html
+++ b/v0.2.1/_modules/doctr/io/elements.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/io/html.html b/v0.2.1/_modules/doctr/io/html.html
index df601e37d2..97cf8664fa 100644
--- a/v0.2.1/_modules/doctr/io/html.html
+++ b/v0.2.1/_modules/doctr/io/html.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/io/image/base.html b/v0.2.1/_modules/doctr/io/image/base.html
index 1384abe2dc..058731e790 100644
--- a/v0.2.1/_modules/doctr/io/image/base.html
+++ b/v0.2.1/_modules/doctr/io/image/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/io/image/tensorflow.html b/v0.2.1/_modules/doctr/io/image/tensorflow.html
index 8eabde9b0e..6797c8b791 100644
--- a/v0.2.1/_modules/doctr/io/image/tensorflow.html
+++ b/v0.2.1/_modules/doctr/io/image/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/io/pdf.html b/v0.2.1/_modules/doctr/io/pdf.html
index 44d6ac3748..64c61e2f80 100644
--- a/v0.2.1/_modules/doctr/io/pdf.html
+++ b/v0.2.1/_modules/doctr/io/pdf.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/io/reader.html b/v0.2.1/_modules/doctr/io/reader.html
index 135229fa82..b6090a998a 100644
--- a/v0.2.1/_modules/doctr/io/reader.html
+++ b/v0.2.1/_modules/doctr/io/reader.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html b/v0.2.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html
index 2b48306056..d89511dd77 100644
--- a/v0.2.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/classification/magc_resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/classification/mobilenet/tensorflow.html b/v0.2.1/_modules/doctr/models/classification/mobilenet/tensorflow.html
index 92f6fb4fd3..2214ac33db 100644
--- a/v0.2.1/_modules/doctr/models/classification/mobilenet/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/classification/mobilenet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/classification/resnet/tensorflow.html b/v0.2.1/_modules/doctr/models/classification/resnet/tensorflow.html
index 186b223605..ec28f76365 100644
--- a/v0.2.1/_modules/doctr/models/classification/resnet/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/classification/resnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/classification/textnet/tensorflow.html b/v0.2.1/_modules/doctr/models/classification/textnet/tensorflow.html
index 82393028d4..29a46eeb97 100644
--- a/v0.2.1/_modules/doctr/models/classification/textnet/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/classification/textnet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/classification/vgg/tensorflow.html b/v0.2.1/_modules/doctr/models/classification/vgg/tensorflow.html
index c0608dcf16..6b37051963 100644
--- a/v0.2.1/_modules/doctr/models/classification/vgg/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/classification/vgg/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/classification/vit/tensorflow.html b/v0.2.1/_modules/doctr/models/classification/vit/tensorflow.html
index bfddadfa4f..6ddce2d19f 100644
--- a/v0.2.1/_modules/doctr/models/classification/vit/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/classification/vit/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/classification/zoo.html b/v0.2.1/_modules/doctr/models/classification/zoo.html
index b490415563..3a29660995 100644
--- a/v0.2.1/_modules/doctr/models/classification/zoo.html
+++ b/v0.2.1/_modules/doctr/models/classification/zoo.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html b/v0.2.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
index 920f7d63ba..acd8d1adff 100644
--- a/v0.2.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/detection/differentiable_binarization/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/detection/fast/tensorflow.html b/v0.2.1/_modules/doctr/models/detection/fast/tensorflow.html
index 4bd34f841c..c1f45d6d55 100644
--- a/v0.2.1/_modules/doctr/models/detection/fast/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/detection/fast/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/detection/linknet/tensorflow.html b/v0.2.1/_modules/doctr/models/detection/linknet/tensorflow.html
index e74d533acf..90f0605a78 100644
--- a/v0.2.1/_modules/doctr/models/detection/linknet/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/detection/linknet/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/factory/hub.html b/v0.2.1/_modules/doctr/models/factory/hub.html
index 8845c155b9..ac903a2c14 100644
--- a/v0.2.1/_modules/doctr/models/factory/hub.html
+++ b/v0.2.1/_modules/doctr/models/factory/hub.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -284,7 +286,6 @@ Source code for doctr.models.factory.hub
"classification": models.classification.zoo.ARCHS,
"detection": models.detection.zoo.ARCHS,
"recognition": models.recognition.zoo.ARCHS,
- "obj_detection": ["fasterrcnn_mobilenet_v3_large_fpn"] if is_torch_available() else None,
}
@@ -363,8 +364,8 @@ Source code for doctr.models.factory.hub
if run_config is None and arch is None:
raise ValueError("run_config or arch must be specified")
- if task not in ["classification", "detection", "recognition", "obj_detection"]:
- raise ValueError("task must be one of classification, detection, recognition, obj_detection")
+ if task not in ["classification", "detection", "recognition"]:
+ raise ValueError("task must be one of classification, detection, recognition")
# default readme
readme = textwrap.dedent(
@@ -418,7 +419,7 @@ Source code for doctr.models.factory.hub
\n{json.dumps(vars(run_config), indent=2, ensure_ascii=False)}"""
)
- if arch not in AVAILABLE_ARCHS[task]: # type: ignore
+ if arch not in AVAILABLE_ARCHS[task]:
raise ValueError(
f"Architecture: {arch} for task: {task} not found.\
\nAvailable architectures: {AVAILABLE_ARCHS}"
@@ -473,14 +474,6 @@ Source code for doctr.models.factory.hub
model = models.detection.__dict__[arch](pretrained=False)
elif task == "recognition":
model = models.recognition.__dict__[arch](pretrained=False, input_shape=cfg["input_shape"], vocab=cfg["vocab"])
- elif task == "obj_detection" and is_torch_available():
- model = models.obj_detection.__dict__[arch](
- pretrained=False,
- image_mean=cfg["mean"],
- image_std=cfg["std"],
- max_size=cfg["input_shape"][-1],
- num_classes=len(cfg["classes"]),
- )
# update model cfg
model.cfg = cfg
diff --git a/v0.2.1/_modules/doctr/models/recognition/crnn/tensorflow.html b/v0.2.1/_modules/doctr/models/recognition/crnn/tensorflow.html
index 88dae9be17..8ad0466dab 100644
--- a/v0.2.1/_modules/doctr/models/recognition/crnn/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/recognition/crnn/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/recognition/master/tensorflow.html b/v0.2.1/_modules/doctr/models/recognition/master/tensorflow.html
index 17d35bdc33..23f2aceb60 100644
--- a/v0.2.1/_modules/doctr/models/recognition/master/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/recognition/master/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/recognition/parseq/tensorflow.html b/v0.2.1/_modules/doctr/models/recognition/parseq/tensorflow.html
index 407ca167b9..96d8b7c746 100644
--- a/v0.2.1/_modules/doctr/models/recognition/parseq/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/recognition/parseq/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/recognition/sar/tensorflow.html b/v0.2.1/_modules/doctr/models/recognition/sar/tensorflow.html
index 1e8d4753fe..29732ee3d6 100644
--- a/v0.2.1/_modules/doctr/models/recognition/sar/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/recognition/sar/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/models/recognition/vitstr/tensorflow.html b/v0.2.1/_modules/doctr/models/recognition/vitstr/tensorflow.html
index 51e696d419..8774485c1f 100644
--- a/v0.2.1/_modules/doctr/models/recognition/vitstr/tensorflow.html
+++ b/v0.2.1/_modules/doctr/models/recognition/vitstr/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/transforms/modules/base.html b/v0.2.1/_modules/doctr/transforms/modules/base.html
index e192138b12..ad209b0ba8 100644
--- a/v0.2.1/_modules/doctr/transforms/modules/base.html
+++ b/v0.2.1/_modules/doctr/transforms/modules/base.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_modules/doctr/transforms/modules/tensorflow.html b/v0.2.1/_modules/doctr/transforms/modules/tensorflow.html
index ab4921cae2..6cffc1428a 100644
--- a/v0.2.1/_modules/doctr/transforms/modules/tensorflow.html
+++ b/v0.2.1/_modules/doctr/transforms/modules/tensorflow.html
@@ -191,6 +191,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -198,6 +199,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/_sources/getting_started/installing.rst.txt b/v0.2.1/_sources/getting_started/installing.rst.txt
index a00451514a..46d4177b30 100644
--- a/v0.2.1/_sources/getting_started/installing.rst.txt
+++ b/v0.2.1/_sources/getting_started/installing.rst.txt
@@ -38,16 +38,16 @@ We strive towards reducing framework-specific dependencies to a minimum, but som
.. code:: bash
pip install "python-doctr[tf]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[tf,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[tf,viz,html,contib]"
.. tab:: PyTorch
.. code:: bash
pip install "python-doctr[torch]"
- # or with preinstalled packages for visualization & html support
- pip install "python-doctr[torch,viz,html]"
+ # or with preinstalled packages for visualization & html & contrib module support
+ pip install "python-doctr[torch,viz,html,contrib]"
diff --git a/v0.2.1/_sources/modules/contrib.rst.txt b/v0.2.1/_sources/modules/contrib.rst.txt
new file mode 100644
index 0000000000..1a2659e2e3
--- /dev/null
+++ b/v0.2.1/_sources/modules/contrib.rst.txt
@@ -0,0 +1,13 @@
+doctr.contrib
+=============
+
+.. currentmodule:: doctr.contrib
+
+This module contains all the available contribution modules for docTR.
+
+
+Supported contribution modules
+------------------------------
+Here are all the available contribution modules:
+
+.. autoclass:: ArtefactDetector
diff --git a/v0.2.1/_sources/using_doctr/using_contrib_modules.rst.txt b/v0.2.1/_sources/using_doctr/using_contrib_modules.rst.txt
new file mode 100644
index 0000000000..37a0f8a9c1
--- /dev/null
+++ b/v0.2.1/_sources/using_doctr/using_contrib_modules.rst.txt
@@ -0,0 +1,51 @@
+Integrate contributions into your pipeline
+==========================================
+
+The `contrib` module provides a collection of additional features which could be relevant for your document analysis pipeline.
+The following sections will give you an overview of the available modules and features.
+
+.. currentmodule:: doctr.contrib
+
+
+Available contribution modules
+------------------------------
+
+**NOTE:** To use the contrib module, you need to install the `onnxruntime` package. You can install it using the following command:
+
+.. code:: bash
+
+ pip install python-doctr[contrib]
+ # Or
+ pip install onnxruntime # pip install onnxruntime-gpu
+
+Here are all contribution modules that are available through docTR:
+
+ArtefactDetection
+^^^^^^^^^^^^^^^^^
+
+The ArtefactDetection module provides a set of functions to detect artefacts in the document images, such as logos, QR codes, bar codes, etc.
+It is based on the YOLOv8 architecture, which is a state-of-the-art object detection model.
+
+.. code:: python3
+
+ from doctr.io import DocumentFile
+ from doctr.contrib.artefacts import ArtefactDetection
+
+ # Load the document
+ doc = DocumentFile.from_images(["path/to/your/image"])
+ detector = ArtefactDetection(batch_size=2, conf_threshold=0.5, iou_threshold=0.5)
+ artefacts = detector(doc)
+
+ # Visualize the detected artefacts
+ detector.show()
+
+You can also use your custom trained YOLOv8 model to detect artefacts or anything else you need.
+Reference: `YOLOv8 `_
+
+**NOTE:** The YOLOv8 model (no Oriented Bounding Box (OBB) inference supported yet) needs to be provided as onnx exported model with a dynamic batch size.
+
+.. code:: python3
+
+ from doctr.contrib import ArtefactDetection
+
+ detector = ArtefactDetection(model_path="path/to/your/model.onnx", labels=["table", "figure"])
diff --git a/v0.2.1/contributing/code_of_conduct.html b/v0.2.1/contributing/code_of_conduct.html
index 868bcf286f..1ae93b2cab 100644
--- a/v0.2.1/contributing/code_of_conduct.html
+++ b/v0.2.1/contributing/code_of_conduct.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/contributing/contributing.html b/v0.2.1/contributing/contributing.html
index a1d79eda56..f4d3f55c46 100644
--- a/v0.2.1/contributing/contributing.html
+++ b/v0.2.1/contributing/contributing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
diff --git a/v0.2.1/getting_started/installing.html b/v0.2.1/getting_started/installing.html
index f0420d5217..6a40c254b6 100644
--- a/v0.2.1/getting_started/installing.html
+++ b/v0.2.1/getting_started/installing.html
@@ -192,6 +192,7 @@
- Choosing the right model
- Choose a ready to use dataset
+- Integrate contributions into your pipeline
- Share your model with the community
- Preparing your model for inference
- Train your own model
@@ -199,6 +200,7 @@
+- doctr.contrib
- doctr.datasets
- doctr.io
- doctr.models
@@ -272,13 +274,13 @@ Via Python Package