diff --git a/.github/workflows/analyse.yml b/.github/workflows/analyse.yml index 33a4eed..816fbfa 100644 --- a/.github/workflows/analyse.yml +++ b/.github/workflows/analyse.yml @@ -41,7 +41,7 @@ jobs: key: reglements-urbanisme - name: Download run: | - alexi -v download --exclude=Plan --exclude=/derogation \ + alexi -v download --exclude=/derogation \ --exclude='\d-[aA]dopt' --exclude='Z-\d' \ --exclude='-[rR]eso' for d in download/*.pdf; do diff --git a/TODO.md b/TODO.md index 998407c..72880d7 100644 --- a/TODO.md +++ b/TODO.md @@ -3,10 +3,7 @@ DATA - Correct titles in zonage glossary - Correct extraction (see below, use RNN) of titles numbers etc -- Annotate multiple TOCs in Sainte-Agathe urbanisme DONE -- Add Sainte-Agathe to download DONE -- Add Sainte-Agathe to export (under /vsadm) DONE -- Do the same thing for Saint-Sauveur +- Redo alexi download to not use wget (httpx is nice) DERP LERNING ------------ @@ -14,21 +11,25 @@ DERP LERNING Pre-training ============ -- DocBank is not useful unfortunately - - No BIO tags on paragraphs and list items (WTF Microsoft!) - - Hard to even get their dataset and it is full of junk - - But their extraction *is* useful - - We could redo their extraction with French data -- Look at other document structure analysis models - - DocLayNet is more interesting: https://huggingface.co/datasets/ds4sd/DocLayNet - - Yes: it separates paragraphs and section headings - - Need to download the huge image archive to get this though ;( - - Check out its leaderboard -- Evaluate models already trained on DocLayNet: - - https://github.com/moured/YOLOv10-Document-Layout-Analysis - - https://huggingface.co/spaces/atlury/document-layout-comparison - - https://huggingface.co/DILHTWD/documentlayoutsegmentation_YOLOv8_ondoclaynet - - https://huggingface.co/spaces/omoured/YOLOv10-Document-Layout-Analysis +- DocLayNet is more interesting: https://huggingface.co/datasets/ds4sd/DocLayNet + - Specifically the legal subset +- PubLayNet maybe (check the annotations) +- Evaluating DocLayNet YOLO models for my task: DONE + - can simply evaluate F1 on entire train set DONE + - test dpi, antialias, rendering engines DONE + - best results: render at YOLO model size (max dimension 640px) with + antialiasing using Cairo (pdfium is less good... why?) DONE +- Other pre-trained DocLayNet models? + - pre-train Detectron2 / SSD / R-CNN / other? +- Pre-train ALEXI LSTM on LAU and other relevant laws (code civil, etc) + - Get list of URLs from alexi link + - NOTE: license does not permit redistribution, use for modeling + (especially for layout analysis) should be okay though + - Make a script for downloading and processing data +- Pre-train an LSTM on DocLayNet legal? + - Generic Titre, Alinea, Liste only + - Layout embeddings and binary features only + Segmentation ============ @@ -46,12 +47,10 @@ Segmentation - Could *possibly* train a CRF to do this, in fact DONE - Do prediction with Transformers (LayoutLM) DONE - heuristic chunking based on line gap (not indent) DONE -- Move Amendement from segmentation to sequence tagging - - update all training data - - compare main and `more_rnn_feats` branches -- Do pre-segmentation with YOLO+DocLayNet - - get bboxes and classes DONE - - +- Move Amendement from segmentation to sequence tagging DONE +- Do pre-segmentation with YOLO+DocLayNet DONE +- Integrate DocLayNet pre-segmentation into pipeline + - Do image/table identification with it - Tokenize from chars - Add functionality to pdfplumber - Use Transformers for embeddings diff --git a/alexi/__init__.py b/alexi/__init__.py index b42ed93..1a7bb38 100644 --- a/alexi/__init__.py +++ b/alexi/__init__.py @@ -7,15 +7,13 @@ import argparse import csv import dataclasses -import itertools import json import logging -import operator import sys from pathlib import Path from . import annotate, download, extract -from .analyse import Analyseur, Bloc, merge_overlaps +from .analyse import Analyseur, Bloc from .convert import Converteur, write_csv from .format import format_html from .index import index @@ -36,24 +34,6 @@ def convert_main(args: argparse.Namespace): else: pages = None conv = Converteur(args.pdf) - if args.images is not None: - args.images.mkdir(parents=True, exist_ok=True) - images: list[dict] = [] - for _, group in itertools.groupby( - conv.extract_images(pages), operator.attrgetter("page_number") - ): - merged = merge_overlaps(group) - for bloc in merged: - images.append(dataclasses.asdict(bloc)) - img = ( - conv.pdf.pages[bloc.page_number - 1] - .crop(bloc.bbox) - .to_image(resolution=150, antialias=True) - ) - LOGGER.info("Extraction de %s", args.images / bloc.img) - img.save(args.images / bloc.img) - with open(args.images / "images.json", "wt") as outfh: - json.dump(images, outfh, indent=2) write_csv(conv.extract_words(pages), sys.stdout) @@ -132,9 +112,6 @@ def make_argparse() -> argparse.ArgumentParser: convert.add_argument( "--pages", help="Liste de numéros de page à extraire, séparés par virgule" ) - convert.add_argument( - "--images", help="Répertoire pour écrire des images des tableaux", type=Path - ) convert.set_defaults(func=convert_main) segment = subp.add_parser( diff --git a/alexi/convert.py b/alexi/convert.py index 30ca275..bde5ee2 100644 --- a/alexi/convert.py +++ b/alexi/convert.py @@ -1,9 +1,7 @@ """Conversion de PDF en CSV""" import csv -import itertools import logging -import operator from collections import deque from pathlib import Path from typing import Any, Iterable, Iterator, Optional, TextIO @@ -11,10 +9,7 @@ from pdfplumber import PDF from pdfplumber.page import Page from pdfplumber.structure import PDFStructElement, PDFStructTree, StructTreeMissing -from pdfplumber.utils import geometry -from pdfplumber.utils.geometry import T_bbox -from .analyse import Bloc from .types import T_obj LOGGER = logging.getLogger("convert") @@ -46,50 +41,24 @@ def write_csv( writer.writerows(doc) -def bbox_contains(bbox: T_bbox, ibox: T_bbox) -> bool: - """Déterminer si une BBox est contenu entièrement par une autre.""" - x0, top, x1, bottom = bbox - ix0, itop, ix1, ibottom = ibox - return ix0 >= x0 and ix1 <= x1 and itop >= top and ibottom <= bottom - - -def get_element_bbox(page: Page, el: PDFStructElement, mcids: Iterable[int]) -> T_bbox: - """Obtenir le BBox autour d'un élément structurel.""" - bbox = el.attributes.get("BBox", None) - if bbox is not None: - x0, y0, x1, y1 = bbox - top = page.height - y1 - bottom = page.height - y0 - return (x0, top, x1, bottom) - else: - mcidset = set(mcids) - mcid_objs = [ - c - for c in itertools.chain.from_iterable(page.objects.values()) - if c.get("mcid") in mcidset - ] - if not mcid_objs: - return (-1, -1, -1, -1) # An impossible BBox - return geometry.objects_to_bbox(mcid_objs) - - def get_rgb(c: T_obj) -> str: - """Extraire la couleur d'un objet en 3 chiffres hexadécimaux""" + """Extraire la couleur d'un objet en chiffres hexadécimaux""" couleur = c.get("non_stroking_color", c.get("stroking_color")) - if couleur is None: + if couleur is None or couleur == "": return "#000" elif len(couleur) == 1: - r = g = b = couleur[0] - elif len(couleur) == 3: - r, g, b = couleur - elif len(couleur) == 4: - return "CMYK#" + "".join( - ("%x" % int(min(0.999, val) * 16) for val in (couleur)) + return "#" + "".join( + ( + "%x" % int(min(0.999, val) * 16) + for val in (couleur[0], couleur[0], couleur[0]) + ) ) + elif len(couleur) == 3 or len(couleur) == 4: + # Could be RGB, RGBA, CMYK... + return "#" + "".join(("%x" % int(min(0.999, val) * 16) for val in couleur)) else: LOGGER.warning("Espace couleur non pris en charge: %s", couleur) return "#000" - return "#" + "".join(("%x" % int(min(0.999, val) * 16) for val in (r, g, b))) def get_word_features( @@ -188,67 +157,3 @@ def extract_words(self, pages: Optional[Iterable[int]] = None) -> Iterator[T_obj feats = get_word_features(word, page, chars, elmap) feats["path"] = str(self.path) yield feats - - def make_bloc( - self, el: PDFStructElement, page_number: int, mcids: Iterable[int] - ) -> Bloc: - page = self.pdf.pages[page_number - 1] - x0, top, x1, bottom = get_element_bbox(page, el, mcids) - return Bloc( - type="Tableau" if el.type == "Table" else el.type, - contenu=[], - _page_number=int(page_number), - _bbox=(round(x0), round(top), round(x1), round(bottom)), - ) - - def extract_images(self, pages: Optional[Iterable[int]] = None) -> Iterator[Bloc]: - """Trouver des éléments qui seront représentés par des images - (tableaux et figures pour le moment)""" - if self.tree is None: - return - if pages is None: - pages = range(1, len(self.pdf.pages) + 1) - pageset = set(pages) - - # tables *might* span multiple pages (in practice, no...) so - # we have to split them at page breaks, but also, their - # top-level elements don't have page numbers for this reason. - # So, we find them in a first traversal, then gather their - # children in a second one. - def gather_elements() -> Iterator[PDFStructElement]: - """Traverser l'arbre structurel en profondeur pour chercher les - figures et tableaux.""" - if self.tree is None: - return - d = deque(self.tree) - while d: - el = d.popleft() - if el.type == "Table": - yield el - elif el.type == "Figure": - yield el - else: - d.extendleft(reversed(el.children)) - - def get_child_mcids(el: PDFStructElement) -> Iterator[tuple[int, int]]: - """Trouver tous les MCIDs (avec numeros de page, sinon ils sont - inutiles!) à l'intérieur d'un élément structurel""" - for mcid in el.mcids: - assert el.page_number is not None - yield el.page_number, mcid - d = deque(el.children) - while d: - el = d.popleft() - for mcid in el.mcids: - assert el.page_number is not None - yield el.page_number, mcid - d.extend(el.children) - - for el in gather_elements(): - # Note: we must sort them as we can't guarantee they come - # in any particular order - mcids = list(get_child_mcids(el)) - mcids.sort() - for page_number, group in itertools.groupby(mcids, operator.itemgetter(0)): - if page_number in pageset: - yield self.make_bloc(el, page_number, (mcid for _, mcid in group)) diff --git a/alexi/extract.py b/alexi/extract.py index 6d64852..6d761bd 100644 --- a/alexi/extract.py +++ b/alexi/extract.py @@ -10,8 +10,9 @@ import operator import os from pathlib import Path -from typing import Any, Iterable, Optional, TextIO +from typing import Any, Iterable, TextIO, Union +import pdfplumber from natsort import natsorted from alexi.analyse import Analyseur, Bloc, Document, Element, extract_zonage @@ -20,6 +21,7 @@ from alexi.label import DEFAULT_MODEL as DEFAULT_LABEL_MODEL from alexi.label import Identificateur from alexi.link import Resolver +from alexi.recognize import Objets from alexi.segment import DEFAULT_MODEL as DEFAULT_SEGMENT_MODEL from alexi.segment import DEFAULT_MODEL_NOSTRUCT, Segmenteur from alexi.types import T_obj @@ -51,6 +53,7 @@ def add_arguments(parser: argparse.ArgumentParser) -> argparse.ArgumentParser: help="Fichier JSON avec metadonnées des documents", type=Path, ) + parser.add_argument("-y", "--yolo", action="store_true") parser.add_argument( "docs", help="Documents en PDF ou CSV pré-annoté", type=Path, nargs="+" ) @@ -181,7 +184,7 @@ def make_index_html( outfh.write(HTML_FOOTER) -def save_images_from_pdf(blocs: list[Bloc], conv: Converteur, docdir: Path): +def save_images_from_pdf(blocs: list[Bloc], pdf_path: Path, docdir: Path): """Convertir des éléments du PDF difficiles à réaliser en texte en images et les insérer dans la structure du document (liste de blocs). """ @@ -190,8 +193,10 @@ def save_images_from_pdf(blocs: list[Bloc], conv: Converteur, docdir: Path): if bloc.type in ("Tableau", "Figure"): assert isinstance(bloc.page_number, int) images.setdefault(bloc.page_number, []).append(bloc) + # FIXME: Use pypdfium2 directly + pdf = pdfplumber.open(pdf_path) for page_number, image_blocs in images.items(): - page = conv.pdf.pages[page_number - 1] + page = pdf.pages[page_number - 1] for bloc in image_blocs: x0, top, x1, bottom = bloc.bbox if x0 == x1 or top == bottom: @@ -206,6 +211,7 @@ def save_images_from_pdf(blocs: list[Bloc], conv: Converteur, docdir: Path): ) LOGGER.info("Extraction de %s", docdir / bloc.img) img.save(docdir / bloc.img) + pdf.close() def make_redirect(path: Path, target: Path): @@ -338,25 +344,33 @@ def doc_sort_key(doc): class Extracteur: + obj: Objets crf: Segmenteur def __init__( self, outdir: Path, - metadata: Path, - segment_model: Optional[Path] = None, + metadata: Union[Path, None] = None, + segment_model: Union[Path, None] = None, no_csv=False, no_images=False, + yolo=False, ): self.outdir = outdir self.crf_s = Identificateur() + if yolo: + from alexi.recognize.yolo import ObjetsYOLO + + self.obj = ObjetsYOLO() + else: + self.obj = Objets() if segment_model is not None: self.crf = Segmenteur(segment_model) self.crf_n = None else: self.crf = Segmenteur(DEFAULT_SEGMENT_MODEL) self.crf_n = Segmenteur(DEFAULT_MODEL_NOSTRUCT) - if metadata: + if metadata is not None: with open(metadata, "rt") as infh: self.pdfdata = json.load(infh) for key in list(self.pdfdata.keys()): @@ -369,7 +383,7 @@ def __init__( self.no_images = no_images outdir.mkdir(parents=True, exist_ok=True) - def __call__(self, path: Path) -> Optional[Document]: + def __call__(self, path: Path) -> Union[Document, None]: pdf_path = path.with_suffix(".pdf") if self.pdfdata and pdf_path.name not in self.pdfdata: LOGGER.warning("Non-traitement de %s car absent des metadonnées", path) @@ -396,25 +410,26 @@ def __call__(self, path: Path) -> Optional[Document]: if conv is None and pdf_path.exists(): conv = Converteur(pdf_path) assert conv is not None - doc = self.analyse(iob, conv, path.stem) + doc = self.analyse(iob, pdf_path) if self.pdfdata: doc.pdfurl = self.pdfdata.get(pdf_path.name, {}).get("url", None) if "zonage" in doc.titre.lower() and "zonage" not in self.metadata: self.metadata["zonage"] = extract_zonage(doc) return doc - def analyse(self, iob: Iterable[T_obj], conv: Converteur, fileid: str): + def analyse(self, iob: Iterable[T_obj], pdf_path: Path): + fileid = pdf_path.stem docdir = self.outdir / fileid imgdir = self.outdir / fileid / "img" LOGGER.info("Génération de pages HTML sous %s", docdir) docdir.mkdir(parents=True, exist_ok=True) analyseur = Analyseur(fileid, iob) - if conv and not self.no_images: + if pdf_path and not self.no_images: LOGGER.info("Extraction d'images sous %s", imgdir) imgdir.mkdir(parents=True, exist_ok=True) - images = conv.extract_images() + images = self.obj(pdf_path) analyseur.add_images(images) - save_images_from_pdf(analyseur.blocs, conv, imgdir) + save_images_from_pdf(analyseur.blocs, pdf_path, imgdir) LOGGER.info("Analyse de la structure de %s", fileid) return analyseur() @@ -564,7 +579,12 @@ def output_html(self, doc: Document): def main(args) -> None: extracteur = Extracteur( - args.outdir, args.metadata, args.segment_model, args.no_csv, args.no_images + args.outdir, + metadata=args.metadata, + segment_model=args.segment_model, + no_csv=args.no_csv, + no_images=args.no_images, + yolo=args.yolo, ) docs = [] for path in args.docs: diff --git a/alexi/models/crf.joblib.gz b/alexi/models/crf.joblib.gz index 2865b1c..834bd6f 100644 Binary files a/alexi/models/crf.joblib.gz and b/alexi/models/crf.joblib.gz differ diff --git a/alexi/models/crf.vl.joblib.gz b/alexi/models/crf.vl.joblib.gz index 36dc686..dfb6c1b 100644 Binary files a/alexi/models/crf.vl.joblib.gz and b/alexi/models/crf.vl.joblib.gz differ diff --git a/alexi/models/crfseq.joblib.gz b/alexi/models/crfseq.joblib.gz index 191b6af..e7cd6f6 100644 Binary files a/alexi/models/crfseq.joblib.gz and b/alexi/models/crfseq.joblib.gz differ diff --git a/alexi/recognize/__init__.py b/alexi/recognize/__init__.py new file mode 100644 index 0000000..8932436 --- /dev/null +++ b/alexi/recognize/__init__.py @@ -0,0 +1,136 @@ +"""Reconnaissance d'objets textuels avec modèles de vision. + +Ce repertoire regroupe quelques détecteurs de mise en page pour faire +la pré-segmentation des documents. Cet étape est utilisée pour +séparer les images et tableaux du texte pour un traitement séparé +(pour le moment ceci consiste à les convertir en images, mais les +tableaux seront pris en charge autrement à l'avenir). + +Puisque les conditions d'utilisation sont plus restrictives pour +certains modèles dont YOLOv8, cette étape est facultative, et vous +pouvez toujours utiliser la détection par défaut qui utilise la +structure explicit du PDF (mais celle-ci n'est pas toujours présente +ni correcte).""" + +import itertools +import logging +import operator +from collections import deque +from os import PathLike +from pathlib import Path +from typing import Iterable, Iterator, Union + +import pdfplumber +from pdfplumber.page import Page +from pdfplumber.structure import PDFStructElement, PDFStructTree, StructTreeMissing +from pdfplumber.utils.geometry import T_bbox, objects_to_bbox + +from alexi.analyse import Bloc + +LOGGER = logging.getLogger(Path(__file__).stem) + + +def bbox_contains(bbox: T_bbox, ibox: T_bbox) -> bool: + """Déterminer si une BBox est contenu entièrement par une autre.""" + x0, top, x1, bottom = bbox + ix0, itop, ix1, ibottom = ibox + return ix0 >= x0 and ix1 <= x1 and itop >= top and ibottom <= bottom + + +def get_element_bbox(page: Page, el: PDFStructElement, mcids: Iterable[int]) -> T_bbox: + """Obtenir le BBox autour d'un élément structurel.""" + bbox = el.attributes.get("BBox", None) + if bbox is not None: + x0, y0, x1, y1 = bbox + top = page.height - y1 + bottom = page.height - y0 + return (x0, top, x1, bottom) + else: + mcidset = set(mcids) + mcid_objs = [ + c + for c in itertools.chain.from_iterable(page.objects.values()) + if c.get("mcid") in mcidset + ] + if not mcid_objs: + return (-1, -1, -1, -1) # An impossible BBox + return objects_to_bbox(mcid_objs) + + +class Objets: + """Classe de base pour les détecteurs d'objects.""" + + def __call__( + self, pdf_path: PathLike, pages: Union[None, Iterable[int]] = None + ) -> Iterator[Bloc]: + """Extraire les rectangles correspondant aux objets qui seront + représentés par des images.""" + pdf_path = Path(pdf_path) + pdf = pdfplumber.open(pdf_path) + try: + # Get the tree for the *entire* document since elements + # like the TOC may span multiple pages, and we won't find + # them if we look at the parent tree for other than the + # page in which the top element appears (this is the way + # the structure tree implementation in pdfplumber works, + # which might be a bug) + tree = PDFStructTree(pdf) + except StructTreeMissing: + LOGGER.warning("Arborescence structurel absent dans %s", pdf_path) + return + if pages is None: + pages = range(1, len(pdf.pages) + 1) + pageset = set(pages) + + # tables *might* span multiple pages (in practice, no...) so + # we have to split them at page breaks, but also, their + # top-level elements don't have page numbers for this reason. + # So, we find them in a first traversal, then gather their + # children in a second one. + def gather_elements() -> Iterator[PDFStructElement]: + """Traverser l'arbre structurel en profondeur pour chercher les + figures et tableaux.""" + d = deque(tree) + while d: + el = d.popleft() + if el.type == "Table": + yield el + elif el.type == "Figure": + yield el + else: + d.extendleft(reversed(el.children)) + + def get_child_mcids(el: PDFStructElement) -> Iterator[tuple[int, int]]: + """Trouver tous les MCIDs (avec numeros de page, sinon ils sont + inutiles!) à l'intérieur d'un élément structurel""" + for mcid in el.mcids: + assert el.page_number is not None + yield el.page_number, mcid + d = deque(el.children) + while d: + el = d.popleft() + for mcid in el.mcids: + assert el.page_number is not None + yield el.page_number, mcid + d.extend(el.children) + + def make_bloc( + el: PDFStructElement, page_number: int, mcids: Iterable[int] + ) -> Bloc: + page = pdf.pages[page_number - 1] + x0, top, x1, bottom = get_element_bbox(page, el, mcids) + return Bloc( + type="Tableau" if el.type == "Table" else el.type, + contenu=[], + _page_number=int(page_number), + _bbox=(round(x0), round(top), round(x1), round(bottom)), + ) + + for el in gather_elements(): + # Note: we must sort them as we can't guarantee they come + # in any particular order + mcids = list(get_child_mcids(el)) + mcids.sort() + for page_number, group in itertools.groupby(mcids, operator.itemgetter(0)): + if page_number in pageset: + yield make_bloc(el, page_number, (mcid for _, mcid in group)) diff --git a/alexi/recognize/yolo.py b/alexi/recognize/yolo.py new file mode 100644 index 0000000..35408fc --- /dev/null +++ b/alexi/recognize/yolo.py @@ -0,0 +1,221 @@ +import argparse +import csv +import logging +import re +from os import PathLike +from pathlib import Path +from typing import Iterable, Iterator, Union + +import numpy as np +import pdfplumber +from huggingface_hub import hf_hub_download # type: ignore +from pdfplumber.utils.geometry import obj_to_bbox +from ultralytics import YOLO # type: ignore + +from alexi import segment +from alexi.analyse import Bloc +from alexi.convert import FIELDNAMES +from alexi.recognize import Objets + +LOGGER = logging.getLogger(Path(__file__).stem) + + +def scale_to_model(page, modeldim): + """Find scaling factor for model dimension.""" + maxdim = max(page.width, page.height) + return modeldim / maxdim * 72 + + +LABELMAP = { + "Table": "Tableau", + "Picture": "Figure", +} + + +class ObjetsYOLO(Objets): + """Détecteur d'objects textuels utilisant YOLOv8 (pré-entraîné sur + DocLayNet mais d'autres seront possibles). + """ + + def __init__(self, yolo_weights: Union[PathLike, None] = None): + if yolo_weights is None: + yolo_weights = hf_hub_download( + repo_id="DILHTWD/documentlayoutsegmentation_YOLOv8_ondoclaynet", + filename="yolov8x-doclaynet-epoch64-imgsz640-initiallr1e-4-finallr1e-5.pt", + ) + self.model = YOLO(yolo_weights) + + def __call__( + self, pdf_path: PathLike, pages: Union[None, Iterable[int]] = None + ) -> Iterator[Bloc]: + """Extraire les rectangles correspondant aux objets""" + # FIXME: pdfplumber not necessary here, should use pypdfium2 directly + pdf_path = Path(pdf_path) + pdf = pdfplumber.open(pdf_path) + if pages is None: + pages = range(1, len(pdf.pages) + 1) + for page_number in pages: + page = pdf.pages[page_number - 1] + # FIXME: get the model input size from the model + image = page.to_image( + resolution=scale_to_model(page, 640), antialias=True + ).original + results = self.model( + source=image, + # show_labels=True, + # show_boxes=True, + # show_conf=True, + ) + assert len(results) == 1 + entry = results[0] + + # Probably should do some kind of spatial indexing + def boxsort(e): + """Sort by topmost-leftmost-tallest-widest.""" + _, b = e + return (b[1], b[0], -(b[3] - b[1]), -(b[2] - b[0])) + + if len(entry.boxes.xyxy) == 0: + continue + ordering, box_list = zip( + *sorted( + enumerate(bbox.cpu().numpy() for bbox in entry.boxes.xyxy), + key=boxsort, + ) + ) + labels = [entry.names[entry.boxes.cls[idx].item()] for idx in ordering] + img_height, img_width = entry.orig_shape + LOGGER.info("scale x %f", page.width / img_width) + LOGGER.info("scale y %f", page.height / img_height) + boxes = np.array(box_list) + boxes[:, [0, 2]] = boxes[:, [0, 2]] * page.width / img_width + boxes[:, [1, 3]] = boxes[:, [1, 3]] * page.height / img_height + for label, box in zip(labels, boxes): + if label in LABELMAP: + yield Bloc( + type=LABELMAP[label], + contenu=[], + _page_number=page_number, + _bbox=tuple(box.round()), + ) + + +def main(): + parser = argparse.ArgumentParser(description=__doc__) + parser.add_argument("pdf_or_png", type=Path) + parser.add_argument("csv", type=argparse.FileType("rt")) + parser.add_argument("out", type=argparse.FileType("wt")) + args = parser.parse_args() + + yolo_model = hf_hub_download( + repo_id="DILHTWD/documentlayoutsegmentation_YOLOv8_ondoclaynet", + filename="yolov8x-doclaynet-epoch64-imgsz640-initiallr1e-4-finallr1e-5.pt", + ) + docseg_model = YOLO(yolo_model) + + if args.pdf_or_png.exists(): + pdf = pdfplumber.open(args.pdf_or_png) + images = ( + page.to_image(resolution=scale_to_model(page, 640), antialias=True).original + for page in pdf.pages + ) + else: + pngdir = args.pdf_or_png.parent + pngre = re.compile(re.escape(args.pdf_or_png.name) + r"-(\d+)\.png") + pngs = [] + for path in pngdir.iterdir(): + m = pngre.match(path.name) + if m is None: + continue + pngs.append((int(m.group(1)), path)) + images = (path for _idx, path in sorted(pngs)) + + reader = csv.DictReader(args.csv) + fieldnames = FIELDNAMES[:] + fieldnames.insert(0, "yolo") + writer = csv.DictWriter(args.out, fieldnames, extrasaction="ignore") + writer.writeheader() + for image, words in zip(images, segment.split_pages(reader)): + results = docseg_model( + source=image, + show_labels=True, + show_boxes=True, + show_conf=True, + ) + assert len(results) == 1 + entry = results[0] + + # Probably should do some kind of spatial indexing + def boxsort(e): + """Sort by topmost-leftmost-tallest-widest.""" + _, b = e + return (b[1], b[0], -(b[3] - b[1]), -(b[2] - b[0])) + + if len(entry.boxes.xyxy) == 0: + continue + ordering, boxes = zip( + *sorted( + enumerate(bbox.cpu().numpy() for bbox in entry.boxes.xyxy), + key=boxsort, + ) + ) + labels = [entry.names[entry.boxes.cls[idx].item()] for idx in ordering] + page_width, page_height = float(words[0]["page_width"]), float( + words[0]["page_height"] + ) + img_height, img_width = entry.orig_shape + print("scale x", page_width / img_width) + print("scale y", page_height / img_height) + boxes = np.array(boxes) + boxes[:, [0, 2]] = boxes[:, [0, 2]] * page_width / img_width + boxes[:, [1, 3]] = boxes[:, [1, 3]] * page_height / img_height + for label, box in zip(labels, boxes): + print(label, box) + + # Boxes are (luckily) in the same coordinate system as + # pdfplumber. But... YOLO leaves off little bits of text + # particularly at the right edge, so we can't rely on + # containment to match them to words + def totally_contained(boxes, bbox): + return ( + (bbox[[0, 1]] >= boxes[:, [0, 1]]) & (bbox[[2, 3]] <= boxes[:, [2, 3]]) + ).all(1) + + def mostly_contained(boxes, bbox): + """Calculate inverse ratio of bbox to its intersection with each box.""" + # FIXME: This assumes boxes are normalized... + # print("box", bbox) + # print("boxes", boxes) + top_left = np.maximum(bbox[[0, 1]], boxes[:, [0, 1]]) + bottom_right = np.minimum(bbox[[2, 3]], boxes[:, [2, 3]]) + intersection = np.hstack((top_left, bottom_right)) + # print("intersections", intersection) + area = (bbox[2] - bbox[0]) * (bbox[3] - bbox[1]) + assert area >= 0 + width = np.maximum((intersection[:, 2] - intersection[:, 0]), 0) + height = np.maximum((intersection[:, 3] - intersection[:, 1]), 0) + # print("width", width) + # print("height", height) + iarea = width * height + # print("area", area) + # print("iarea", iarea) + return iarea / area + + prev_label = None + for w in words: + bbox = np.array([float(w) for w in obj_to_bbox(w)]) + ratio = mostly_contained(boxes, bbox) + # print("ratio", ratio) + in_box = ratio.argmax() + in_ratio = ratio.max() + # print("in_box", in_box, "in_ratio", in_ratio) + # in_labels = [labels[idx] for idx, val in enumerate(ratio) if val > 0.5] + label = in_box if in_ratio > 0.5 else None + iob = "B" if label != prev_label else "I" + prev_label = label + w["yolo"] = f"{iob}-{labels[label]}" if label is not None else "O" + writer.writerow(w) + + +if __name__ == "__main__": + main() diff --git a/data/patches/pu_patch1.csv b/data/patches/pu_patch1.csv new file mode 100644 index 0000000..ee0bc81 --- /dev/null +++ b/data/patches/pu_patch1.csv @@ -0,0 +1,1006 @@ +sequence,segment,text,page,page_width,page_height,fontname,rgb,x0,x1,top,bottom,doctop,mcid,mctag,tagstack +O,B-Titre,Table,3,612,1008,BCDLEE+Lato,#555,113,152,117,133,2133,0,P,Document;H2;Span +O,I-Titre,des,3,612,1008,BCDLEE+Lato,#555,156,180,117,133,2133,0,P,Document;H2;Span +O,I-Titre,matières,3,612,1008,BCDLEE+Lato,#555,184,245,117,133,2133,0,P,Document;H2;Span +O,B-TOC,Mot,3,612,1008,BCDKEE+ArialNarrow,#00f,113,126,167,176,2183,2,P,Document;H1;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#00f,128,136,167,176,2183,2,P,Document;H1;Span +O,I-TOC,la,3,612,1008,BCDKEE+ArialNarrow,#00f,138,144,167,176,2183,2,P,Document;H1;Span +O,I-TOC,mairesse,3,612,1008,BCDKEE+ArialNarrow,#00f,146,176,167,176,2183,2,P,Document;H1;Span +O,I-TOC,...........................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,178,494,167,176,2183,4,P,Document;Span +O,I-TOC,7,3,612,1008,BCDKEE+ArialNarrow,#444,494,498,167,176,2183,5,Span,Document;Link +O,I-TOC,1,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,Le,3,612,1008,BCDNEE+ArialNarrow,#444,133,142,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,plan,3,612,1008,BCDNEE+ArialNarrow,#444,144,158,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,d’urbanisme,3,612,1008,BCDNEE+ArialNarrow,#444,160,200,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDNEE+ArialNarrow,#444,202,210,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,la,3,612,1008,BCDNEE+ArialNarrow,#444,212,218,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,Ville,3,612,1008,BCDNEE+ArialNarrow,#444,220,234,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,–,3,612,1008,BCDNEE+ArialNarrow,#444,236,240,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,Contexte,3,612,1008,BCDKEE+ArialNarrow,#444,242,272,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,274,280,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,démarche,3,612,1008,BCDKEE+ArialNarrow,#444,282,315,184,193,2200,7,Span,H1;Link;Span +O,I-TOC,.......................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,316,494,184,193,2200,8,P,H1;Span +O,I-TOC,8,3,612,1008,BCDKEE+ArialNarrow,#444,494,498,184,193,2200,9,Span,H1;Link +O,I-TOC,1.1,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,201,210,2217,11,Span,H1;Link;Span +O,I-TOC,Contexte,3,612,1008,BCDKEE+ArialNarrow,#444,146,176,201,210,2217,11,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,178,186,201,210,2217,11,Span,H1;Link;Span +O,I-TOC,la,3,612,1008,BCDKEE+ArialNarrow,#444,188,194,201,210,2217,11,Span,H1;Link;Span +O,I-TOC,refonte,3,612,1008,BCDKEE+ArialNarrow,#444,196,219,201,210,2217,11,Span,H1;Link;Span +O,I-TOC,......................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,220,494,201,210,2217,12,P,H1;Span +O,I-TOC,8,3,612,1008,BCDKEE+ArialNarrow,#444,494,498,201,210,2217,13,Span,H1;Link +O,I-TOC,1.2,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,217,226,2233,15,Span,H1;Link;Span +O,I-TOC,Travaux,3,612,1008,BCDKEE+ArialNarrow,#444,146,173,217,226,2233,15,Span,H1;Link;Span +O,I-TOC,préliminaires,3,612,1008,BCDKEE+ArialNarrow,#444,175,217,217,226,2233,15,Span,H1;Link;Span +O,I-TOC,.......................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,218,494,217,226,2233,16,P,H1;Span +O,I-TOC,9,3,612,1008,BCDKEE+ArialNarrow,#444,494,498,217,226,2233,17,Span,H1;Link +O,I-TOC,2,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,234,243,2250,19,Span,H1;Link;Span +O,I-TOC,Contexte,3,612,1008,BCDKEE+ArialNarrow,#444,133,163,234,243,2250,19,Span,H1;Link;Span +O,I-TOC,historique,3,612,1008,BCDKEE+ArialNarrow,#444,165,197,234,243,2250,19,Span,H1;Link;Span +O,I-TOC,...............................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,198,490,234,243,2250,19,Span,H1;Link;Span +O,I-TOC,10,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,234,243,2250,19,Span,H1;Link;Span +O,I-TOC,2.1,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,"Sainte-Adèle,",3,612,1008,BCDKEE+ArialNarrow,#444,146,191,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,entre,3,612,1008,BCDKEE+ArialNarrow,#444,193,210,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,l’Histoire,3,612,1008,BCDNEE+ArialNarrow,#444,212,240,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDNEE+ArialNarrow,#444,242,248,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,la,3,612,1008,BCDNEE+ArialNarrow,#444,250,256,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,fiction,3,612,1008,BCDNEE+ArialNarrow,#444,258,277,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,–,3,612,1008,BCDNEE+ArialNarrow,#444,279,283,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,par,3,612,1008,BCDKEE+ArialNarrow,#444,285,296,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,Pierre,3,612,1008,BCDKEE+ArialNarrow,#444,298,318,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,Grignon,3,612,1008,BCDKEE+ArialNarrow,#444,320,346,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,......................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,347,490,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,10,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,251,260,2267,21,Span,H1;Link;Span +O,I-TOC,2.2,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,268,277,2284,23,Span,H1;Link;Span +O,I-TOC,Histoire,3,612,1008,BCDKEE+ArialNarrow,#444,146,171,268,277,2284,23,Span,H1;Link;Span +O,I-TOC,récréotouristique................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,174,490,268,277,2284,23,Span,H1;Link;Span +O,I-TOC,11,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,268,277,2284,23,Span,H1;Link;Span +O,I-TOC,2.3,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,285,294,2301,25,Span,H1;Link;Span +O,I-TOC,Historique,3,612,1008,BCDKEE+ArialNarrow,#444,146,180,285,294,2301,25,Span,H1;Link;Span +O,I-TOC,résidentiel,3,612,1008,BCDKEE+ArialNarrow,#444,182,215,285,294,2301,25,Span,H1;Link;Span +O,I-TOC,......................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,216,490,285,294,2301,25,Span,H1;Link;Span +O,I-TOC,12,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,285,294,2301,25,Span,H1;Link;Span +O,I-TOC,3,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,302,311,2318,27,Span,H1;Link;Span +O,I-TOC,Contexte,3,612,1008,BCDKEE+ArialNarrow,#444,133,163,302,311,2318,27,Span,H1;Link;Span +O,I-TOC,d’intervention,3,612,1008,BCDNEE+ArialNarrow,#444,165,209,302,311,2318,27,Span,H1;Link;Span +O,I-TOC,.........................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,210,490,302,311,2318,27,Span,H1;Link;Span +O,I-TOC,13,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,302,311,2318,27,Span,H1;Link;Span +O,I-TOC,3.1,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,319,328,2335,29,Span,H1;Link;Span +O,I-TOC,Résidentiel,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,319,328,2335,29,Span,H1;Link;Span +O,I-TOC,......................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,184,490,319,328,2335,29,Span,H1;Link;Span +O,I-TOC,13,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,319,328,2335,29,Span,H1;Link;Span +O,I-TOC,3.2,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,336,345,2352,31,Span,H1;Link;Span +O,I-TOC,Commercial,3,612,1008,BCDKEE+ArialNarrow,#444,146,186,336,345,2352,31,Span,H1;Link;Span +O,I-TOC,....................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,188,490,336,345,2352,31,Span,H1;Link;Span +O,I-TOC,13,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,336,345,2352,31,Span,H1;Link;Span +O,I-TOC,3.3,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,352,361,2368,33,Span,H1;Link;Span +O,I-TOC,Industriel,3,612,1008,BCDKEE+ArialNarrow,#444,146,176,352,361,2368,33,Span,H1;Link;Span +O,I-TOC,.........................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,178,490,352,361,2368,33,Span,H1;Link;Span +O,I-TOC,15,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,352,361,2368,33,Span,H1;Link;Span +O,I-TOC,3.4,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,369,378,2385,35,Span,H1;Link;Span +O,I-TOC,Social,3,612,1008,BCDKEE+ArialNarrow,#444,146,167,369,378,2385,35,Span,H1;Link;Span +O,I-TOC,..............................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,167,490,369,378,2385,35,Span,H1;Link;Span +O,I-TOC,16,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,369,378,2385,35,Span,H1;Link;Span +O,I-TOC,4,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,386,395,2402,37,Span,H1;Link;Span +O,I-TOC,Tendances,3,612,1008,BCDKEE+ArialNarrow,#444,133,170,386,395,2402,37,Span,H1;Link;Span +O,I-TOC,démographiques,3,612,1008,BCDKEE+ArialNarrow,#444,172,227,386,395,2402,37,Span,H1;Link;Span +O,I-TOC,................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,229,490,386,395,2402,37,Span,H1;Link;Span +O,I-TOC,17,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,386,395,2402,37,Span,H1;Link;Span +O,I-TOC,4.1,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,403,412,2419,39,Span,H1;Link;Span +O,I-TOC,Ensemble,3,612,1008,BCDKEE+ArialNarrow,#444,146,179,403,412,2419,39,Span,H1;Link;Span +O,I-TOC,du,3,612,1008,BCDKEE+ArialNarrow,#444,181,189,403,412,2419,39,Span,H1;Link;Span +O,I-TOC,territoire,3,612,1008,BCDKEE+ArialNarrow,#444,191,219,403,412,2419,39,Span,H1;Link;Span +O,I-TOC,....................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,220,490,403,412,2419,39,Span,H1;Link;Span +O,I-TOC,17,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,403,412,2419,39,Span,H1;Link;Span +O,I-TOC,4.2,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,420,429,2436,41,Span,H1;Link;Span +O,I-TOC,Secteur,3,612,1008,BCDKEE+ArialNarrow,#444,146,172,420,429,2436,41,Span,H1;Link;Span +O,I-TOC,centre,3,612,1008,BCDKEE+ArialNarrow,#444,174,194,420,429,2436,41,Span,H1;Link;Span +O,I-TOC,................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,196,490,420,429,2436,41,Span,H1;Link;Span +O,I-TOC,18,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,420,429,2436,41,Span,H1;Link;Span +O,I-TOC,5,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,437,446,2453,43,Span,H1;Link;Span +O,I-TOC,Tendances,3,612,1008,BCDKEE+ArialNarrow,#444,133,170,437,446,2453,43,Span,H1;Link;Span +O,I-TOC,économiques,3,612,1008,BCDKEE+ArialNarrow,#444,172,216,437,446,2453,43,Span,H1;Link;Span +O,I-TOC,......................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,216,490,437,446,2453,43,Span,H1;Link;Span +O,I-TOC,20,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,437,446,2453,43,Span,H1;Link;Span +O,I-TOC,6,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,Vision,3,612,1008,BCDKEE+ArialNarrow,#444,133,154,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,urbanistique,3,612,1008,BCDKEE+ArialNarrow,#444,156,196,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,198,204,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,développement,3,612,1008,BCDKEE+ArialNarrow,#444,206,257,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,durable,3,612,1008,BCDKEE+ArialNarrow,#444,259,283,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,.....................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,284,490,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,22,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,454,463,2470,45,Span,H1;Link;Span +O,I-TOC,7,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,Orientations,3,612,1008,BCDNEE+ArialNarrow,#444,133,173,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,d’aménagement,3,612,1008,BCDNEE+ArialNarrow,#444,175,228,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDNEE+ArialNarrow,#444,230,236,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDNEE+ArialNarrow,#444,238,247,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,développement,3,612,1008,BCDNEE+ArialNarrow,#444,249,299,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,.............................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,300,490,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,23,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,471,480,2487,47,Span,H1;Link;Span +O,I-TOC,8,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,487,496,2503,49,Span,H1;Link;Span +O,I-TOC,Contraintes,3,612,1008,BCDKEE+ArialNarrow,#444,133,171,487,496,2503,49,Span,H1;Link;Span +O,I-TOC,naturelles,3,612,1008,BCDKEE+ArialNarrow,#444,173,205,487,496,2503,49,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,207,213,487,496,2503,49,Span,H1;Link;Span +O,I-TOC,anthropiques,3,612,1008,BCDKEE+ArialNarrow,#444,215,258,487,496,2503,49,Span,H1;Link;Span +O,I-TOC,.................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,259,490,487,496,2503,49,Span,H1;Link;Span +O,I-TOC,24,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,487,496,2503,49,Span,H1;Link;Span +O,I-TOC,8.1,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,Zone,3,612,1008,BCDKEE+ArialNarrow,#444,146,163,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,à,3,612,1008,BCDKEE+ArialNarrow,#444,165,169,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,risque,3,612,1008,BCDKEE+ArialNarrow,#444,171,192,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,194,202,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,mouvement,3,612,1008,BCDKEE+ArialNarrow,#444,204,242,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,244,253,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,sols,3,612,1008,BCDKEE+ArialNarrow,#444,255,268,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,............................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,269,490,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,24,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,504,513,2520,51,Span,H1;Link;Span +O,I-TOC,8.2,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,Zone,3,612,1008,BCDNEE+ArialNarrow,#444,146,163,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,inondable,3,612,1008,BCDNEE+ArialNarrow,#444,165,197,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDNEE+ArialNarrow,#444,199,205,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,zone,3,612,1008,BCDNEE+ArialNarrow,#444,207,223,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,d’intervention,3,612,1008,BCDNEE+ArialNarrow,#444,225,270,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,spéciale,3,612,1008,BCDNEE+ArialNarrow,#444,272,299,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,.............................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,300,490,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,24,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,521,530,2537,53,Span,H1;Link;Span +O,I-TOC,8.3,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,538,547,2554,55,Span,H1;Link;Span +O,I-TOC,Corridor,3,612,1008,BCDKEE+ArialNarrow,#444,146,173,538,547,2554,55,Span,H1;Link;Span +O,I-TOC,autoroutier,3,612,1008,BCDKEE+ArialNarrow,#444,175,210,538,547,2554,55,Span,H1;Link;Span +O,I-TOC,........................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,212,490,538,547,2554,55,Span,H1;Link;Span +O,I-TOC,24,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,538,547,2554,55,Span,H1;Link;Span +O,I-TOC,8.4,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,555,564,2571,57,Span,H1;Link;Span +O,I-TOC,Lignes,3,612,1008,BCDKEE+ArialNarrow,#444,146,168,555,564,2571,57,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,170,178,555,564,2571,57,Span,H1;Link;Span +O,I-TOC,transport,3,612,1008,BCDKEE+ArialNarrow,#444,180,210,555,564,2571,57,Span,H1;Link;Span +O,I-TOC,électrique,3,612,1008,BCDKEE+ArialNarrow,#444,212,244,555,564,2571,57,Span,H1;Link;Span +O,I-TOC,........................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,245,490,555,564,2571,57,Span,H1;Link;Span +O,I-TOC,24,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,555,564,2571,57,Span,H1;Link;Span +O,I-TOC,8.5,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,Zone,3,612,1008,BCDNEE+ArialNarrow,#444,146,163,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,industrielle,3,612,1008,BCDNEE+ArialNarrow,#444,165,201,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,lourde,3,612,1008,BCDNEE+ArialNarrow,#444,203,223,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDNEE+ArialNarrow,#444,225,231,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,d’extraction,3,612,1008,BCDNEE+ArialNarrow,#444,233,271,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,...........................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,271,490,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,24,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,572,581,2588,59,Span,H1;Link;Span +O,I-TOC,8.6,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,589,598,2605,61,Span,H1;Link;Span +O,I-TOC,Alimentation,3,612,1008,BCDKEE+ArialNarrow,#444,146,187,589,598,2605,61,Span,H1;Link;Span +O,I-TOC,en,3,612,1008,BCDKEE+ArialNarrow,#444,189,197,589,598,2605,61,Span,H1;Link;Span +O,I-TOC,eau,3,612,1008,BCDKEE+ArialNarrow,#444,199,212,589,598,2605,61,Span,H1;Link;Span +O,I-TOC,potable,3,612,1008,BCDKEE+ArialNarrow,#444,214,238,589,598,2605,61,Span,H1;Link;Span +O,I-TOC,...........................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,239,490,589,598,2605,61,Span,H1;Link;Span +O,I-TOC,24,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,589,598,2605,61,Span,H1;Link;Span +O,I-TOC,8.7,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,606,615,2622,63,Span,H1;Link;Span +O,I-TOC,Secteurs,3,612,1008,BCDKEE+ArialNarrow,#444,146,176,606,615,2622,63,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,178,186,606,615,2622,63,Span,H1;Link;Span +O,I-TOC,forte,3,612,1008,BCDKEE+ArialNarrow,#444,188,203,606,615,2622,63,Span,H1;Link;Span +O,I-TOC,pente,3,612,1008,BCDKEE+ArialNarrow,#444,205,223,606,615,2622,63,Span,H1;Link;Span +O,I-TOC,..................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,224,490,606,615,2622,63,Span,H1;Link;Span +O,I-TOC,25,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,606,615,2622,63,Span,H1;Link;Span +O,I-TOC,8.8,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,622,631,2638,65,Span,H1;Link;Span +O,I-TOC,Milieux,3,612,1008,BCDKEE+ArialNarrow,#444,146,169,622,631,2638,65,Span,H1;Link;Span +O,I-TOC,humides,3,612,1008,BCDKEE+ArialNarrow,#444,171,199,622,631,2638,65,Span,H1;Link;Span +O,I-TOC,..............................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,200,490,622,631,2638,65,Span,H1;Link;Span +O,I-TOC,25,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,622,631,2638,65,Span,H1;Link;Span +O,I-TOC,9,3,612,1008,BCDKEE+ArialNarrow,#444,113,118,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,Paysages,3,612,1008,BCDKEE+ArialNarrow,#444,133,166,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,168,174,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,sommets,3,612,1008,BCDKEE+ArialNarrow,#444,176,206,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,208,216,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,montagne,3,612,1008,BCDKEE+ArialNarrow,#444,218,251,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,....................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,253,490,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,29,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,639,648,2655,67,Span,H1;Link;Span +O,I-TOC,9.1,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,Les,3,612,1008,BCDKEE+ArialNarrow,#444,146,158,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,fondements,3,612,1008,BCDKEE+ArialNarrow,#444,160,199,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,201,209,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,la,3,612,1008,BCDKEE+ArialNarrow,#444,211,217,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,Charte,3,612,1008,BCDKEE+ArialNarrow,#444,219,241,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,.........................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,243,490,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,29,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,656,665,2672,69,Span,H1;Link;Span +O,I-TOC,9.2,3,612,1008,BCDKEE+ArialNarrow,#444,113,124,673,682,2689,71,Span,H1;Link;Span +O,I-TOC,Impact,3,612,1008,BCDKEE+ArialNarrow,#444,146,169,673,682,2689,71,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,171,179,673,682,2689,71,Span,H1;Link;Span +O,I-TOC,la,3,612,1008,BCDKEE+ArialNarrow,#444,181,187,673,682,2689,71,Span,H1;Link;Span +O,I-TOC,Charte,3,612,1008,BCDKEE+ArialNarrow,#444,189,211,673,682,2689,71,Span,H1;Link;Span +O,I-TOC,........................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,212,490,673,682,2689,71,Span,H1;Link;Span +O,I-TOC,30,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,673,682,2689,71,Span,H1;Link;Span +O,I-TOC,10,3,612,1008,BCDKEE+ArialNarrow,#444,113,122,690,699,2706,73,Span,H1;Link;Span +O,I-TOC,Patrimoine,3,612,1008,BCDKEE+ArialNarrow,#444,133,169,690,699,2706,73,Span,H1;Link;Span +O,I-TOC,.............................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,169,490,690,699,2706,73,Span,H1;Link;Span +O,I-TOC,32,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,690,699,2706,73,Span,H1;Link;Span +O,I-TOC,11,3,612,1008,BCDKEE+ArialNarrow,#444,113,122,707,716,2723,75,Span,H1;Link;Span +O,I-TOC,Concept,3,612,1008,BCDNEE+ArialNarrow,#444,133,161,707,716,2723,75,Span,H1;Link;Span +O,I-TOC,d’organisation,3,612,1008,BCDNEE+ArialNarrow,#444,163,209,707,716,2723,75,Span,H1;Link;Span +O,I-TOC,spatiale,3,612,1008,BCDKEE+ArialNarrow,#444,211,236,707,716,2723,75,Span,H1;Link;Span +O,I-TOC,............................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,237,490,707,716,2723,75,Span,H1;Link;Span +O,I-TOC,34,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,707,716,2723,75,Span,H1;Link;Span +O,I-TOC,12,3,612,1008,BCDKEE+ArialNarrow,#444,113,122,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,"Orientations,",3,612,1008,BCDNEE+ArialNarrow,#444,133,175,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,objectifs,3,612,1008,BCDNEE+ArialNarrow,#444,177,204,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDNEE+ArialNarrow,#444,206,213,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,moyens,3,612,1008,BCDNEE+ArialNarrow,#444,215,240,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDNEE+ArialNarrow,#444,243,251,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,mise,3,612,1008,BCDNEE+ArialNarrow,#444,253,268,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,en,3,612,1008,BCDNEE+ArialNarrow,#444,270,279,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,œuvre,3,612,1008,BCDNEE+ArialNarrow,#444,281,302,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,...........................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,304,490,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,36,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,724,733,2740,77,Span,H1;Link;Span +O,I-TOC,12.1,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,I,3,612,1008,BCDKEE+ArialNarrow,#444,185,187,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDKEE+ArialNarrow,#444,189,191,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,Faire,3,612,1008,BCDKEE+ArialNarrow,#444,193,210,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,des,3,612,1008,BCDKEE+ArialNarrow,#444,212,224,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,noyaux,3,612,1008,BCDKEE+ArialNarrow,#444,226,249,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,villageois,3,612,1008,BCDKEE+ArialNarrow,#444,251,282,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,des,3,612,1008,BCDKEE+ArialNarrow,#444,284,296,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,milieux,3,612,1008,BCDKEE+ArialNarrow,#444,298,321,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,323,331,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,vie,3,612,1008,BCDKEE+ArialNarrow,#444,333,343,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,dynamiques,3,612,1008,BCDKEE+ArialNarrow,#444,345,384,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,...................................................,3,612,1008,BCDKEE+ArialNarrow,#444,386,490,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,36,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,741,750,2757,79,Span,H1;Link;Span +O,I-TOC,12.2,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,II,3,612,1008,BCDKEE+ArialNarrow,#444,185,189,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDKEE+ArialNarrow,#444,191,193,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,Favoriser,3,612,1008,BCDKEE+ArialNarrow,#444,195,226,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,une,3,612,1008,BCDKEE+ArialNarrow,#444,228,240,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,vie,3,612,1008,BCDKEE+ArialNarrow,#444,242,252,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,économique,3,612,1008,BCDKEE+ArialNarrow,#444,254,294,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,locale,3,612,1008,BCDKEE+ArialNarrow,#444,296,315,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,dynamique,3,612,1008,BCDKEE+ArialNarrow,#444,317,353,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,355,361,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,adaptée,3,612,1008,BCDKEE+ArialNarrow,#444,363,390,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,au,3,612,1008,BCDKEE+ArialNarrow,#444,392,400,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,contexte,3,612,1008,BCDKEE+ArialNarrow,#444,402,430,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,432,440,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,Sainte-Adèle,3,612,1008,BCDKEE+ArialNarrow,#444,442,485,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,..,3,612,1008,BCDKEE+ArialNarrow,#444,486,490,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,36,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,758,767,2774,81,Span,H1;Link;Span +O,I-TOC,12.3,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,III,3,612,1008,BCDKEE+ArialNarrow,#444,185,191,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDNEE+ArialNarrow,#444,193,195,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,Favoriser,3,612,1008,BCDNEE+ArialNarrow,#444,198,228,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,l’accessibilité,3,612,1008,BCDNEE+ArialNarrow,#444,231,274,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,à,3,612,1008,BCDNEE+ArialNarrow,#444,276,280,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,divers,3,612,1008,BCDNEE+ArialNarrow,#444,282,302,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,types,3,612,1008,BCDNEE+ArialNarrow,#444,305,322,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDNEE+ArialNarrow,#444,324,333,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,logements,3,612,1008,BCDNEE+ArialNarrow,#444,335,369,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,adaptés,3,612,1008,BCDNEE+ArialNarrow,#444,371,398,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,aux,3,612,1008,BCDNEE+ArialNarrow,#444,400,412,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,besoins,3,612,1008,BCDNEE+ArialNarrow,#444,414,440,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDNEE+ArialNarrow,#444,442,450,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,l’ensemble,3,612,1008,BCDNEE+ArialNarrow,#444,453,488,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDNEE+ArialNarrow,#444,490,498,774,783,2790,83,Span,H1;Link;Span +O,I-TOC,la,3,612,1008,BCDKEE+ArialNarrow,#444,113,119,786,795,2802,83,Span,H1;Link;Span +O,I-TOC,population,3,612,1008,BCDKEE+ArialNarrow,#444,121,155,786,795,2802,83,Span,H1;Link;Span +O,I-TOC,présente,3,612,1008,BCDKEE+ArialNarrow,#444,157,186,786,795,2802,83,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,188,194,786,795,2802,83,Span,H1;Link;Span +O,I-TOC,future,3,612,1008,BCDKEE+ArialNarrow,#444,196,215,786,795,2802,83,Span,H1;Link;Span +O,I-TOC,......................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,216,490,786,795,2802,83,Span,H1;Link;Span +O,I-TOC,36,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,786,795,2802,83,Span,H1;Link;Span +O,I-TOC,12.4,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,IV,3,612,1008,BCDKEE+ArialNarrow,#444,185,192,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDKEE+ArialNarrow,#444,194,196,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,Faire,3,612,1008,BCDKEE+ArialNarrow,#444,198,215,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,217,225,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,Sainte-Adèle,3,612,1008,BCDKEE+ArialNarrow,#444,227,269,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,une,3,612,1008,BCDKEE+ArialNarrow,#444,271,283,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,ville,3,612,1008,BCDKEE+ArialNarrow,#444,285,298,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,saine,3,612,1008,BCDKEE+ArialNarrow,#444,300,318,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,320,326,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,active,3,612,1008,BCDKEE+ArialNarrow,#444,328,347,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,.....................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,349,490,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,37,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,803,812,2819,85,Span,H1;Link;Span +O,I-TOC,12.5,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,V,3,612,1008,BCDKEE+ArialNarrow,#444,185,189,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDKEE+ArialNarrow,#444,192,194,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,Faire,3,612,1008,BCDKEE+ArialNarrow,#444,196,213,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,du,3,612,1008,BCDKEE+ArialNarrow,#444,215,223,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,domaine,3,612,1008,BCDKEE+ArialNarrow,#444,225,253,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,public,3,612,1008,BCDKEE+ArialNarrow,#444,255,274,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,un,3,612,1008,BCDKEE+ArialNarrow,#444,276,285,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,espace,3,612,1008,BCDKEE+ArialNarrow,#444,287,310,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,"vivant,",3,612,1008,BCDKEE+ArialNarrow,#444,312,334,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,interconnecté,3,612,1008,BCDKEE+ArialNarrow,#444,336,380,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,382,388,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,adapté,3,612,1008,BCDKEE+ArialNarrow,#444,390,413,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,aux,3,612,1008,BCDKEE+ArialNarrow,#444,415,427,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,besoins,3,612,1008,BCDKEE+ArialNarrow,#444,429,454,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,456,465,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,tous,3,612,1008,BCDKEE+ArialNarrow,#444,467,481,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,....,3,612,1008,BCDKEE+ArialNarrow,#444,482,490,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,37,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,820,829,2836,87,Span,H1;Link;Span +O,I-TOC,12.6,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,VI,3,612,1008,BCDKEE+ArialNarrow,#444,185,192,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDKEE+ArialNarrow,#444,194,196,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,Assurer,3,612,1008,BCDKEE+ArialNarrow,#444,199,225,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,une,3,612,1008,BCDKEE+ArialNarrow,#444,227,240,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,planification,3,612,1008,BCDKEE+ArialNarrow,#444,242,281,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,détaillée,3,612,1008,BCDKEE+ArialNarrow,#444,284,311,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,314,322,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,certains,3,612,1008,BCDKEE+ArialNarrow,#444,325,351,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,secteurs,3,612,1008,BCDKEE+ArialNarrow,#444,354,382,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,névralgiques,3,612,1008,BCDKEE+ArialNarrow,#444,384,426,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,429,437,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,façon,3,612,1008,BCDKEE+ArialNarrow,#444,440,458,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,adaptée,3,612,1008,BCDKEE+ArialNarrow,#444,461,487,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,au,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,837,846,2853,89,Span,H1;Link;Span +O,I-TOC,contexte,3,612,1008,BCDKEE+ArialNarrow,#444,113,141,849,858,2865,89,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,143,151,849,858,2865,89,Span,H1;Link;Span +O,I-TOC,Sainte-Adèle................................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,153,490,849,858,2865,89,Span,H1;Link;Span +O,I-TOC,38,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,849,858,2865,89,Span,H1;Link;Span +O,I-TOC,12.7,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,VII,3,612,1008,BCDKEE+ArialNarrow,#444,185,194,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDKEE+ArialNarrow,#444,196,198,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,Assurer,3,612,1008,BCDKEE+ArialNarrow,#444,200,225,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,le,3,612,1008,BCDKEE+ArialNarrow,#444,227,233,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,développement,3,612,1008,BCDKEE+ArialNarrow,#444,235,285,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,durable,3,612,1008,BCDKEE+ArialNarrow,#444,287,312,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,du,3,612,1008,BCDKEE+ArialNarrow,#444,314,322,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,territoire,3,612,1008,BCDKEE+ArialNarrow,#444,324,352,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,...................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,353,490,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,39,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,866,875,2882,91,Span,H1;Link;Span +O,I-TOC,12.8,3,612,1008,BCDKEE+ArialNarrow,#444,113,128,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,Orientation,3,612,1008,BCDKEE+ArialNarrow,#444,146,183,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,VIII,3,612,1008,BCDKEE+ArialNarrow,#444,185,196,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,:,3,612,1008,BCDKEE+ArialNarrow,#444,198,200,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,Protéger,3,612,1008,BCDKEE+ArialNarrow,#444,202,230,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,232,238,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,mettre,3,612,1008,BCDKEE+ArialNarrow,#444,240,261,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,en,3,612,1008,BCDKEE+ArialNarrow,#444,263,272,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,valeur,3,612,1008,BCDKEE+ArialNarrow,#444,274,294,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,le,3,612,1008,BCDKEE+ArialNarrow,#444,296,302,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,patrimoine,3,612,1008,BCDKEE+ArialNarrow,#444,304,338,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,"bâti,",3,612,1008,BCDKEE+ArialNarrow,#444,340,354,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,culturel,3,612,1008,BCDKEE+ArialNarrow,#444,356,380,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,382,388,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,naturel,3,612,1008,BCDKEE+ArialNarrow,#444,390,413,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,415,423,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,Sainte-Adèle,3,612,1008,BCDKEE+ArialNarrow,#444,425,467,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,..........,3,612,1008,BCDKEE+ArialNarrow,#444,469,490,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,39,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,883,892,2899,93,Span,H1;Link;Span +O,I-TOC,13,3,612,1008,BCDKEE+ArialNarrow,#444,113,122,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,Axes,3,612,1008,BCDKEE+ArialNarrow,#444,133,150,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,152,160,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,transports,3,612,1008,BCDKEE+ArialNarrow,#444,162,195,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,projetés,3,612,1008,BCDKEE+ArialNarrow,#444,197,223,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,et,3,612,1008,BCDKEE+ArialNarrow,#444,225,231,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,voies,3,612,1008,BCDKEE+ArialNarrow,#444,234,251,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,de,3,612,1008,BCDKEE+ArialNarrow,#444,253,261,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,circulation,3,612,1008,BCDKEE+ArialNarrow,#444,263,296,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,..............................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,298,490,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,40,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,899,908,2915,95,Span,H1;Link;Span +O,I-TOC,14,3,612,1008,BCDKEE+ArialNarrow,#444,113,122,916,925,2932,97,Span,H1;Link;Span +O,I-TOC,Grandes,3,612,1008,BCDKEE+ArialNarrow,#444,133,162,916,925,2932,97,Span,H1;Link;Span +O,I-TOC,affectations,3,612,1008,BCDKEE+ArialNarrow,#444,164,201,916,925,2932,97,Span,H1;Link;Span +O,I-TOC,.............................................................................................................................................,3,612,1008,BCDKEE+ArialNarrow,#444,202,490,916,925,2932,97,Span,H1;Link;Span +O,I-TOC,42,3,612,1008,BCDKEE+ArialNarrow,#444,490,498,916,925,2932,97,Span,H1;Link;Span +O,B-Chapitre,1,8,612,1008,BCDLEE+Lato,#555,113,123,117,133,7173,0,P,H3 +O,I-Chapitre,Le,8,612,1008,BCDLEE+Lato,#555,135,152,117,133,7173,0,P,H3 +O,I-Chapitre,plan,8,612,1008,BCDMEE+Lato,#555,156,185,117,133,7173,0,P,H3 +O,I-Chapitre,d’urbanisme,8,612,1008,BCDMEE+Lato,#555,189,275,117,133,7173,0,P,H3 +O,I-Chapitre,de,8,612,1008,BCDLEE+Lato,#555,279,296,117,133,7173,0,P,H3 +O,I-Chapitre,la,8,612,1008,BCDLEE+Lato,#555,300,312,117,133,7173,0,P,H3 +O,I-Chapitre,Ville,8,612,1008,BCDLEE+Lato,#555,316,347,117,133,7173,0,P,H3 +O,I-Chapitre,–,8,612,1008,BCDMEE+Lato,#555,351,360,117,133,7173,0,P,H3 +O,I-Chapitre,Contexte,8,612,1008,BCDLEE+Lato,#555,364,429,117,133,7173,0,P,H3 +O,I-Chapitre,et,8,612,1008,BCDLEE+Lato,#555,434,448,117,133,7173,0,P,H3 +O,I-Chapitre,démarche,8,612,1008,BCDLEE+Lato,#555,135,204,139,155,7195,0,P,H3 +O,B-Section,1.1,8,612,1008,BCDLEE+Lato,#555,120,137,190,202,7246,1,P,H4 +O,I-Section,Contexte,8,612,1008,BCDLEE+Lato,#555,149,198,190,202,7246,1,P,H4 +O,I-Section,de,8,612,1008,BCDLEE+Lato,#555,201,214,190,202,7246,1,P,H4 +O,I-Section,la,8,612,1008,BCDLEE+Lato,#555,217,226,190,202,7246,1,P,H4 +O,I-Section,refonte,8,612,1008,BCDLEE+Lato,#555,229,268,190,202,7246,1,P,H4 +O,B-Alinea,En,8,612,1008,BCDLEE+Lato,#555,113,124,216,225,7272,2,P,H1 +O,I-Alinea,"2018,",8,612,1008,BCDLEE+Lato,#555,127,150,216,225,7272,2,P,H1 +O,I-Alinea,la,8,612,1008,BCDLEE+Lato,#555,154,160,216,225,7272,2,P,H1 +O,I-Alinea,Ville,8,612,1008,BCDLEE+Lato,#555,164,181,216,225,7272,2,P,H1 +O,I-Alinea,de,8,612,1008,BCDLEE+Lato,#555,185,195,216,225,7272,2,P,H1 +O,I-Alinea,Sainte-Adèle,8,612,1008,BCDLEE+Lato,#555,198,249,216,225,7272,2,P,H1 +O,I-Alinea,a,8,612,1008,BCDLEE+Lato,#555,253,257,216,225,7272,2,P,H1 +O,I-Alinea,entrepris,8,612,1008,BCDLEE+Lato,#555,261,296,216,225,7272,2,P,H1 +O,I-Alinea,la,8,612,1008,BCDLEE+Lato,#555,300,306,216,225,7272,2,P,H1 +O,I-Alinea,refonte,8,612,1008,BCDLEE+Lato,#555,310,339,216,225,7272,2,P,H1 +O,I-Alinea,de,8,612,1008,BCDLEE+Lato,#555,343,352,216,225,7272,2,P,H1 +O,I-Alinea,sa,8,612,1008,BCDLEE+Lato,#555,356,364,216,225,7272,2,P,H1 +O,I-Alinea,règlementation,8,612,1008,BCDLEE+Lato,#555,368,428,216,225,7272,2,P,H1 +O,I-Alinea,d’urbanisme.,8,612,1008,BCDMEE+Lato,#555,432,482,216,225,7272,2,P,H1 +O,B-Alinea,Les,8,612,1008,BCDMEE+Lato,#555,485,499,216,225,7272,2,P,H1 +O,I-Alinea,objectifs,8,612,1008,BCDLEE+Lato,#555,113,147,228,237,7284,2,P,H1 +O,I-Alinea,derrière,8,612,1008,BCDLEE+Lato,#555,150,181,228,237,7284,2,P,H1 +O,I-Alinea,celle-ci,8,612,1008,BCDLEE+Lato,#555,183,211,228,237,7284,2,P,H1 +O,I-Alinea,sont,8,612,1008,BCDLEE+Lato,#555,213,231,228,237,7284,2,P,H1 +O,I-Alinea,variés,8,612,1008,BCDLEE+Lato,#555,233,256,228,237,7284,2,P,H1 +O,I-Alinea,:,8,612,1008,BCDLEE+Lato,#555,258,261,228,237,7284,2,P,H1 +O,B-Liste,•,8,612,1008,SymbolMT,#555,131,136,251,260,7307,3,P,H1 +O,I-Liste,Tenir,8,612,1008,BCDLEE+Lato,#555,149,170,251,260,7307,3,P,H1 +O,I-Liste,compte,8,612,1008,BCDLEE+Lato,#555,172,202,251,260,7307,3,P,H1 +O,I-Liste,des,8,612,1008,BCDLEE+Lato,#555,204,218,251,260,7307,3,P,H1 +O,I-Liste,changements,8,612,1008,BCDLEE+Lato,#555,220,273,251,260,7307,3,P,H1 +O,I-Liste,sociaux,8,612,1008,BCDLEE+Lato,#555,275,305,251,260,7307,3,P,H1 +O,I-Liste,et,8,612,1008,BCDLEE+Lato,#555,307,315,251,260,7307,3,P,H1 +O,I-Liste,démographiques,8,612,1008,BCDLEE+Lato,#555,317,383,251,260,7307,3,P,H1 +O,I-Liste,des,8,612,1008,BCDLEE+Lato,#555,385,399,251,260,7307,3,P,H1 +O,I-Liste,dernières,8,612,1008,BCDLEE+Lato,#555,401,438,251,260,7307,3,P,H1 +O,I-Liste,années,8,612,1008,BCDLEE+Lato,#555,440,468,251,260,7307,3,P,H1 +O,I-Liste,;,8,612,1008,BCDLEE+Lato,#555,471,473,251,260,7307,3,P,H1 +O,B-Liste,•,8,612,1008,SymbolMT,#555,131,136,274,283,7330,4,P,H1 +O,I-Liste,Faire,8,612,1008,BCDLEE+Lato,#555,149,169,273,282,7329,4,P,H1 +O,I-Liste,face,8,612,1008,BCDLEE+Lato,#555,172,188,273,282,7329,4,P,H1 +O,I-Liste,aux,8,612,1008,BCDLEE+Lato,#555,191,205,273,282,7329,4,P,H1 +O,I-Liste,défis,8,612,1008,BCDLEE+Lato,#555,208,227,273,282,7329,4,P,H1 +O,I-Liste,financiers,8,612,1008,BCDLEE+Lato,#555,230,268,273,282,7329,4,P,H1 +O,I-Liste,des,8,612,1008,BCDLEE+Lato,#555,271,285,273,282,7329,4,P,H1 +O,I-Liste,prochaines,8,612,1008,BCDLEE+Lato,#555,287,330,273,282,7329,4,P,H1 +O,I-Liste,années,8,612,1008,BCDLEE+Lato,#555,333,361,273,282,7329,4,P,H1 +O,I-Liste,liées,8,612,1008,BCDLEE+Lato,#555,364,382,273,282,7329,4,P,H1 +O,I-Liste,au,8,612,1008,BCDLEE+Lato,#555,385,394,273,282,7329,4,P,H1 +O,I-Liste,maintien,8,612,1008,BCDLEE+Lato,#555,397,431,273,282,7329,4,P,H1 +O,I-Liste,des,8,612,1008,BCDLEE+Lato,#555,434,448,273,282,7329,4,P,H1 +O,I-Liste,services,8,612,1008,BCDLEE+Lato,#555,450,482,273,282,7329,4,P,H1 +O,I-Liste,à,8,612,1008,BCDLEE+Lato,#555,485,489,273,282,7329,4,P,H1 +O,I-Liste,la,8,612,1008,BCDLEE+Lato,#555,492,499,273,282,7329,4,P,H1 +O,I-Liste,population;,8,612,1008,BCDLEE+Lato,#555,149,194,286,295,7342,4,P,H1 +O,B-Liste,•,8,612,1008,SymbolMT,#555,131,136,309,318,7365,5,P,H1 +O,I-Liste,Anticiper,8,612,1008,BCDLEE+Lato,#555,149,186,309,318,7365,5,P,H1 +O,I-Liste,les,8,612,1008,BCDLEE+Lato,#555,188,199,309,318,7365,5,P,H1 +O,I-Liste,impacts,8,612,1008,BCDLEE+Lato,#555,202,232,309,318,7365,5,P,H1 +O,I-Liste,des,8,612,1008,BCDLEE+Lato,#555,235,249,309,318,7365,5,P,H1 +O,I-Liste,changements,8,612,1008,BCDLEE+Lato,#555,252,304,309,318,7365,5,P,H1 +O,I-Liste,climatiques,8,612,1008,BCDLEE+Lato,#555,307,351,309,318,7365,5,P,H1 +O,I-Liste,et,8,612,1008,BCDLEE+Lato,#555,354,362,309,318,7365,5,P,H1 +O,I-Liste,préparer,8,612,1008,BCDLEE+Lato,#555,365,399,309,318,7365,5,P,H1 +O,I-Liste,un,8,612,1008,BCDLEE+Lato,#555,401,411,309,318,7365,5,P,H1 +O,I-Liste,développement,8,612,1008,BCDLEE+Lato,#555,414,476,309,318,7365,5,P,H1 +O,I-Liste,futur,8,612,1008,BCDLEE+Lato,#555,479,498,309,318,7365,5,P,H1 +O,I-Liste,pouvant,8,612,1008,BCDLEE+Lato,#555,149,182,321,330,7377,5,P,H1 +O,I-Liste,y,8,612,1008,BCDLEE+Lato,#555,184,189,321,330,7377,5,P,H1 +O,I-Liste,faire,8,612,1008,BCDLEE+Lato,#555,191,209,321,330,7377,5,P,H1 +O,I-Liste,face;,8,612,1008,BCDLEE+Lato,#555,211,230,321,330,7377,5,P,H1 +O,B-Liste,•,8,612,1008,SymbolMT,#555,131,136,344,353,7400,6,P,H1 +O,I-Liste,Tenir,8,612,1008,BCDLEE+Lato,#555,149,170,343,352,7399,6,P,H1 +O,I-Liste,compte,8,612,1008,BCDLEE+Lato,#555,173,203,343,352,7399,6,P,H1 +O,I-Liste,de,8,612,1008,BCDLEE+Lato,#555,207,217,343,352,7399,6,P,H1 +O,I-Liste,la,8,612,1008,BCDLEE+Lato,#555,220,227,343,352,7399,6,P,H1 +O,I-Liste,nouvelle,8,612,1008,BCDLEE+Lato,#555,230,264,343,352,7399,6,P,H1 +O,I-Liste,réalité,8,612,1008,BCDLEE+Lato,#555,267,292,343,352,7399,6,P,H1 +O,I-Liste,économique,8,612,1008,BCDLEE+Lato,#555,295,344,343,352,7399,6,P,H1 +O,I-Liste,de,8,612,1008,BCDLEE+Lato,#555,348,357,343,352,7399,6,P,H1 +O,I-Liste,Sainte-Adèle,8,612,1008,BCDLEE+Lato,#555,361,412,343,352,7399,6,P,H1 +O,I-Liste,dans,8,612,1008,BCDLEE+Lato,#555,415,434,343,352,7399,6,P,H1 +O,I-Liste,un,8,612,1008,BCDLEE+Lato,#555,437,447,343,352,7399,6,P,H1 +O,I-Liste,contexte,8,612,1008,BCDLEE+Lato,#555,451,485,343,352,7399,6,P,H1 +O,I-Liste,de,8,612,1008,BCDLEE+Lato,#555,489,499,343,352,7399,6,P,H1 +O,I-Liste,diversification,8,612,1008,BCDLEE+Lato,#555,149,205,356,365,7412,6,P,H1 +O,I-Liste,des,8,612,1008,BCDMEE+Lato,#555,212,226,356,365,7412,6,P,H1 +O,I-Liste,types,8,612,1008,BCDMEE+Lato,#555,233,254,356,365,7412,6,P,H1 +O,I-Liste,d’économies,8,612,1008,BCDMEE+Lato,#555,261,311,356,365,7412,6,P,H1 +O,I-Liste,et,8,612,1008,BCDMEE+Lato,#555,318,326,356,365,7412,6,P,H1 +O,I-Liste,"d’habitat,",8,612,1008,BCDMEE+Lato,#555,333,369,356,365,7412,6,P,H1 +O,I-Liste,notamment,8,612,1008,BCDMEE+Lato,#555,376,422,356,365,7412,6,P,H1 +O,I-Liste,en,8,612,1008,BCDMEE+Lato,#555,429,439,356,365,7412,6,P,H1 +O,I-Liste,délaissant,8,612,1008,BCDMEE+Lato,#555,446,485,356,365,7412,6,P,H1 +O,I-Liste,la,8,612,1008,BCDMEE+Lato,#555,492,498,356,365,7412,6,P,H1 +O,I-Liste,dépendance,8,612,1008,BCDMEE+Lato,#555,149,198,368,377,7424,6,P,H1 +O,I-Liste,importante,8,612,1008,BCDMEE+Lato,#555,200,244,368,377,7424,6,P,H1 +O,I-Liste,à,8,612,1008,BCDMEE+Lato,#555,246,250,368,377,7424,6,P,H1 +O,I-Liste,l’industrie,8,612,1008,BCDMEE+Lato,#555,252,291,368,377,7424,6,P,H1 +O,I-Liste,récréotouristique,8,612,1008,BCDMEE+Lato,#555,293,361,368,377,7424,6,P,H1 +O,I-Liste,et,8,612,1008,BCDMEE+Lato,#555,363,371,368,377,7424,6,P,H1 +O,I-Liste,à,8,612,1008,BCDMEE+Lato,#555,374,378,368,377,7424,6,P,H1 +O,I-Liste,l’habitation,8,612,1008,BCDMEE+Lato,#555,380,424,368,377,7424,6,P,H1 +O,I-Liste,unifamiliale,8,612,1008,BCDMEE+Lato,#555,426,471,368,377,7424,6,P,H1 +O,I-Liste,isolée;,8,612,1008,BCDMEE+Lato,#555,473,498,368,377,7424,6,P,H1 +O,B-Liste,•,8,612,1008,SymbolMT,#555,131,136,391,400,7447,7,P,H1 +O,I-Liste,Permettre,8,612,1008,BCDMEE+Lato,#555,149,190,391,400,7447,7,P,H1 +O,I-Liste,la,8,612,1008,BCDMEE+Lato,#555,192,199,391,400,7447,7,P,H1 +O,I-Liste,mise,8,612,1008,BCDMEE+Lato,#555,201,220,391,400,7447,7,P,H1 +O,I-Liste,en,8,612,1008,BCDMEE+Lato,#555,222,232,391,400,7447,7,P,H1 +O,I-Liste,place,8,612,1008,BCDMEE+Lato,#555,235,255,391,400,7447,7,P,H1 +O,I-Liste,d’une,8,612,1008,BCDMEE+Lato,#555,258,280,391,400,7447,7,P,H1 +O,I-Liste,administration,8,612,1008,BCDMEE+Lato,#555,282,339,391,400,7447,7,P,H1 +O,I-Liste,municipale,8,612,1008,BCDMEE+Lato,#555,342,384,391,400,7447,7,P,H1 +O,I-Liste,plus,8,612,1008,BCDMEE+Lato,#555,387,403,391,400,7447,7,P,H1 +O,I-Liste,efficace,8,612,1008,BCDMEE+Lato,#555,406,437,391,400,7447,7,P,H1 +O,I-Liste,et,8,612,1008,BCDMEE+Lato,#555,439,447,391,400,7447,7,P,H1 +O,I-Liste,adaptée,8,612,1008,BCDMEE+Lato,#555,450,482,391,400,7447,7,P,H1 +O,I-Liste,aux,8,612,1008,BCDMEE+Lato,#555,484,498,391,400,7447,7,P,H1 +O,I-Liste,nouvelles,8,612,1008,BCDLEE+Lato,#555,149,187,403,412,7459,7,P,H1 +O,I-Liste,réalités;,8,612,1008,BCDLEE+Lato,#555,189,220,403,412,7459,7,P,H1 +O,B-Liste,•,8,612,1008,SymbolMT,#555,131,136,426,435,7482,8,P,H1 +O,I-Liste,Assurer,8,612,1008,BCDLEE+Lato,#555,149,180,426,435,7482,8,P,H1 +O,I-Liste,la,8,612,1008,BCDLEE+Lato,#555,182,189,426,435,7482,8,P,H1 +O,I-Liste,protection,8,612,1008,BCDLEE+Lato,#555,191,232,426,435,7482,8,P,H1 +O,I-Liste,du,8,612,1008,BCDLEE+Lato,#555,234,244,426,435,7482,8,P,H1 +O,I-Liste,patrimoine,8,612,1008,BCDLEE+Lato,#555,247,289,426,435,7482,8,P,H1 +O,I-Liste,culturel,8,612,1008,BCDLEE+Lato,#555,292,321,426,435,7482,8,P,H1 +O,I-Liste,et,8,612,1008,BCDLEE+Lato,#555,324,332,426,435,7482,8,P,H1 +O,I-Liste,naturel,8,612,1008,BCDLEE+Lato,#555,334,362,426,435,7482,8,P,H1 +O,I-Liste,et,8,612,1008,BCDLEE+Lato,#555,364,372,426,435,7482,8,P,H1 +O,I-Liste,sa,8,612,1008,BCDLEE+Lato,#555,374,383,426,435,7482,8,P,H1 +O,I-Liste,valorisation;,8,612,1008,BCDLEE+Lato,#555,385,433,426,435,7482,8,P,H1 +O,B-Liste,•,8,612,1008,SymbolMT,#555,131,136,449,458,7505,9,P,H1 +O,I-Liste,Assurer,8,612,1008,BCDLEE+Lato,#555,149,180,448,457,7504,9,P,H1 +O,I-Liste,une,8,612,1008,BCDLEE+Lato,#555,182,197,448,457,7504,9,P,H1 +O,I-Liste,évolution,8,612,1008,BCDLEE+Lato,#555,200,237,448,457,7504,9,P,H1 +O,I-Liste,de,8,612,1008,BCDLEE+Lato,#555,240,249,448,457,7504,9,P,H1 +O,I-Liste,la,8,612,1008,BCDLEE+Lato,#555,252,259,448,457,7504,9,P,H1 +O,I-Liste,règlementation,8,612,1008,BCDLEE+Lato,#555,261,321,448,457,7504,9,P,H1 +O,I-Liste,et,8,612,1008,BCDMEE+Lato,#555,324,332,448,457,7504,9,P,H1 +O,I-Liste,des,8,612,1008,BCDMEE+Lato,#555,335,348,448,457,7504,9,P,H1 +O,I-Liste,outils,8,612,1008,BCDMEE+Lato,#555,351,372,448,457,7504,9,P,H1 +O,I-Liste,d’urbanisme,8,612,1008,BCDMEE+Lato,#555,375,423,448,457,7504,9,P,H1 +O,I-Liste,vers,8,612,1008,BCDMEE+Lato,#555,426,442,448,457,7504,9,P,H1 +O,I-Liste,les,8,612,1008,BCDMEE+Lato,#555,445,456,448,457,7504,9,P,H1 +O,I-Liste,meilleures,8,612,1008,BCDMEE+Lato,#555,458,498,448,457,7504,9,P,H1 +O,I-Liste,pratiques,8,612,1008,BCDMEE+Lato,#555,149,186,461,470,7517,9,P,H1 +O,I-Liste,en,8,612,1008,BCDMEE+Lato,#555,189,198,461,470,7517,9,P,H1 +O,I-Liste,la,8,612,1008,BCDMEE+Lato,#555,201,207,461,470,7517,9,P,H1 +O,I-Liste,matière,8,612,1008,BCDMEE+Lato,#555,210,240,461,470,7517,9,P,H1 +O,I-Liste,afin,8,612,1008,BCDMEE+Lato,#555,242,257,461,470,7517,9,P,H1 +O,I-Liste,d’assurer,8,612,1008,BCDMEE+Lato,#555,259,295,461,470,7517,9,P,H1 +O,I-Liste,le,8,612,1008,BCDMEE+Lato,#555,297,304,461,470,7517,9,P,H1 +O,I-Liste,développement,8,612,1008,BCDMEE+Lato,#555,306,368,461,470,7517,9,P,H1 +O,I-Liste,optimal,8,612,1008,BCDMEE+Lato,#555,370,399,461,470,7517,9,P,H1 +O,I-Liste,de,8,612,1008,BCDMEE+Lato,#555,402,412,461,470,7517,9,P,H1 +O,I-Liste,la,8,612,1008,BCDMEE+Lato,#555,414,420,461,470,7517,9,P,H1 +O,I-Liste,communauté.,8,612,1008,BCDMEE+Lato,#555,423,477,461,470,7517,9,P,H1 +O,B-Alinea,C’est,8,612,1008,BCDMEE+Lato,#555,113,133,483,492,7539,10,P,H1 +O,I-Alinea,avec,8,612,1008,BCDMEE+Lato,#555,136,154,483,492,7539,10,P,H1 +O,I-Alinea,ces,8,612,1008,BCDMEE+Lato,#555,156,169,483,492,7539,10,P,H1 +O,I-Alinea,impératifs,8,612,1008,BCDMEE+Lato,#555,172,211,483,492,7539,10,P,H1 +O,I-Alinea,que,8,612,1008,BCDMEE+Lato,#555,214,228,483,492,7539,10,P,H1 +O,I-Alinea,la,8,612,1008,BCDMEE+Lato,#555,231,237,483,492,7539,10,P,H1 +O,I-Alinea,Ville,8,612,1008,BCDMEE+Lato,#555,240,257,483,492,7539,10,P,H1 +O,I-Alinea,de,8,612,1008,BCDMEE+Lato,#555,260,269,483,492,7539,10,P,H1 +O,I-Alinea,Sainte-Adèle,8,612,1008,BCDMEE+Lato,#555,272,323,483,492,7539,10,P,H1 +O,I-Alinea,a,8,612,1008,BCDLEE+Lato,#555,325,330,483,492,7539,10,P,H1 +O,I-Alinea,fait,8,612,1008,BCDLEE+Lato,#555,332,345,483,492,7539,10,P,H1 +O,I-Alinea,le,8,612,1008,BCDLEE+Lato,#555,347,354,483,492,7539,10,P,H1 +O,I-Alinea,choix,8,612,1008,BCDLEE+Lato,#555,357,378,483,492,7539,10,P,H1 +O,I-Alinea,de,8,612,1008,BCDLEE+Lato,#555,380,390,483,492,7539,10,P,H1 +O,I-Alinea,procéder,8,612,1008,BCDLEE+Lato,#555,392,428,483,492,7539,10,P,H1 +O,I-Alinea,à,8,612,1008,BCDLEE+Lato,#555,430,435,483,492,7539,10,P,H1 +O,I-Alinea,la,8,612,1008,BCDLEE+Lato,#555,437,444,483,492,7539,10,P,H1 +O,I-Alinea,refonte,8,612,1008,BCDLEE+Lato,#555,446,475,483,492,7539,10,P,H1 +O,I-Alinea,de,8,612,1008,BCDLEE+Lato,#555,478,488,483,492,7539,10,P,H1 +O,I-Alinea,sa,8,612,1008,BCDLEE+Lato,#555,490,499,483,492,7539,10,P,H1 +O,I-Alinea,règlementation,8,612,1008,BCDLEE+Lato,#555,113,173,496,505,7552,10,P,H1 +O,I-Alinea,d’urbanisme.,8,612,1008,BCDMEE+Lato,#555,179,229,496,505,7552,10,P,H1 +O,I-Alinea,Agir,8,612,1008,BCDMEE+Lato,#555,234,250,496,505,7552,10,P,H1 +O,I-Alinea,maintenant,8,612,1008,BCDMEE+Lato,#555,255,300,496,505,7552,10,P,H1 +O,I-Alinea,pour,8,612,1008,BCDMEE+Lato,#555,306,324,496,505,7552,10,P,H1 +O,I-Alinea,assurer,8,612,1008,BCDMEE+Lato,#555,329,358,496,505,7552,10,P,H1 +O,I-Alinea,le,8,612,1008,BCDMEE+Lato,#555,363,370,496,505,7552,10,P,H1 +O,I-Alinea,développement,8,612,1008,BCDMEE+Lato,#555,375,437,496,505,7552,10,P,H1 +O,I-Alinea,optimal,8,612,1008,BCDMEE+Lato,#555,442,471,496,505,7552,10,P,H1 +O,I-Alinea,de,8,612,1008,BCDMEE+Lato,#555,477,486,496,505,7552,10,P,H1 +O,I-Alinea,la,8,612,1008,BCDMEE+Lato,#555,492,498,496,505,7552,10,P,H1 +O,B-Alinea,communauté,8,612,1008,BCDLEE+Lato,#555,113,165,508,517,7564,10,P,H1 +O,I-Alinea,pour,8,612,1008,BCDLEE+Lato,#555,168,186,508,517,7564,10,P,H1 +O,I-Alinea,les,8,612,1008,BCDLEE+Lato,#555,188,199,508,517,7564,10,P,H1 +O,I-Alinea,quinze,8,612,1008,BCDLEE+Lato,#555,201,227,508,517,7564,10,P,H1 +O,I-Alinea,prochaines,8,612,1008,BCDLEE+Lato,#555,230,273,508,517,7564,10,P,H1 +O,I-Alinea,années.,8,612,1008,BCDLEE+Lato,#555,275,305,508,517,7564,10,P,H1 +O,B-Alinea,À,8,612,1008,BCDMEE+Lato,#555,113,120,531,540,7587,11,P,H1 +O,I-Alinea,cette,8,612,1008,BCDMEE+Lato,#555,123,143,531,540,7587,11,P,H1 +O,I-Alinea,démarche,8,612,1008,BCDMEE+Lato,#555,146,185,531,540,7587,11,P,H1 +O,I-Alinea,s’ajoutent,8,612,1008,BCDMEE+Lato,#555,188,227,531,540,7587,11,P,H1 +O,I-Alinea,différents,8,612,1008,BCDLEE+Lato,#555,230,268,531,540,7587,11,P,H1 +O,I-Alinea,exercices,8,612,1008,BCDLEE+Lato,#555,271,308,531,540,7587,11,P,H1 +O,I-Alinea,de,8,612,1008,BCDLEE+Lato,#555,311,320,531,540,7587,11,P,H1 +O,I-Alinea,planification,8,612,1008,BCDLEE+Lato,#555,324,372,531,540,7587,11,P,H1 +O,I-Alinea,"intégrée,",8,612,1008,BCDLEE+Lato,#555,375,409,531,540,7587,11,P,H1 +O,I-Alinea,lesquels,8,612,1008,BCDLEE+Lato,#555,412,444,531,540,7587,11,P,H1 +O,I-Alinea,visent,8,612,1008,BCDLEE+Lato,#555,447,471,531,540,7587,11,P,H1 +O,I-Alinea,tous,8,612,1008,BCDLEE+Lato,#555,474,491,531,540,7587,11,P,H1 +O,I-Alinea,à,8,612,1008,BCDLEE+Lato,#555,494,498,531,540,7587,11,P,H1 +O,I-Alinea,rendre,8,612,1008,BCDLEE+Lato,#555,113,140,543,552,7599,11,P,H1 +O,I-Alinea,les,8,612,1008,BCDLEE+Lato,#555,143,154,543,552,7599,11,P,H1 +O,I-Alinea,interventions,8,612,1008,BCDLEE+Lato,#555,157,210,543,552,7599,11,P,H1 +O,I-Alinea,de,8,612,1008,BCDLEE+Lato,#555,213,223,543,552,7599,11,P,H1 +O,I-Alinea,la,8,612,1008,BCDLEE+Lato,#555,226,233,543,552,7599,11,P,H1 +O,I-Alinea,Ville,8,612,1008,BCDLEE+Lato,#555,236,254,543,552,7599,11,P,H1 +O,I-Alinea,plus,8,612,1008,BCDLEE+Lato,#555,257,273,543,552,7599,11,P,H1 +O,I-Alinea,pertinentes,8,612,1008,BCDLEE+Lato,#555,277,322,543,552,7599,11,P,H1 +O,I-Alinea,dans,8,612,1008,BCDLEE+Lato,#555,325,344,543,552,7599,11,P,H1 +O,I-Alinea,un,8,612,1008,BCDLEE+Lato,#555,347,357,543,552,7599,11,P,H1 +O,I-Alinea,contexte,8,612,1008,BCDLEE+Lato,#555,361,396,543,552,7599,11,P,H1 +O,I-Alinea,économique,8,612,1008,BCDLEE+Lato,#555,399,448,543,552,7599,11,P,H1 +O,I-Alinea,et,8,612,1008,BCDLEE+Lato,#555,451,459,543,552,7599,11,P,H1 +O,I-Alinea,social,8,612,1008,BCDLEE+Lato,#555,463,485,543,552,7599,11,P,H1 +O,I-Alinea,en,8,612,1008,BCDLEE+Lato,#555,488,498,543,552,7599,11,P,H1 +O,I-Alinea,changement.,8,612,1008,BCDLEE+Lato,#555,113,164,556,565,7612,11,P,H1 +O,B-Pied,1.,8,612,1008,BCDMEE+Lato,#444,309,315,948,955,8004,,Artifact, +O,I-Pied,Le,8,612,1008,BCDMEE+Lato,#444,317,324,948,955,8004,,Artifact, +O,I-Pied,plan,8,612,1008,BCDMEE+Lato,#444,326,339,948,955,8004,,Artifact, +O,I-Pied,d’urbanisme,8,612,1008,BCDMEE+Lato,#444,341,378,948,955,8004,,Artifact, +O,I-Pied,de,8,612,1008,BCDMEE+Lato,#444,380,387,948,955,8004,,Artifact, +O,I-Pied,la,8,612,1008,BCDMEE+Lato,#444,389,394,948,955,8004,,Artifact, +O,I-Pied,Ville,8,612,1008,BCDMEE+Lato,#444,396,409,948,955,8004,,Artifact, +O,I-Pied,–,8,612,1008,BCDMEE+Lato,#444,411,415,948,955,8004,,Artifact, +O,I-Pied,Contexte,8,612,1008,BCDLEE+Lato,#444,417,446,948,955,8004,,Artifact, +O,I-Pied,et,8,612,1008,BCDLEE+Lato,#444,447,454,948,955,8004,,Artifact, +O,I-Pied,démarche,8,612,1008,BCDLEE+Lato,#444,455,486,948,955,8004,,Artifact, +O,I-Pied,|,8,612,1008,BCDLEE+Lato,#444,489,491,948,955,8004,,Artifact, +O,I-Pied,8,8,612,1008,BCDLEE+Lato,#444,495,499,948,955,8004,,Artifact, +O,B-Section,1.2,9,612,1008,BCDLEE+Lato,#555,120,137,116,128,8180,0,P,H4 +O,I-Section,Travaux,9,612,1008,BCDLEE+Lato,#555,149,192,116,128,8180,0,P,H4 +O,I-Section,préliminaires,9,612,1008,BCDLEE+Lato,#555,195,262,116,128,8180,0,P,H4 +O,B-Article,1.2.1,9,612,1008,BCDLEE+Lato,#555,113,135,142,152,8206,1,P,H2 +O,I-Article,Travaux,9,612,1008,BCDLEE+Lato,#555,149,184,142,152,8206,1,P,H2 +O,I-Article,de,9,612,1008,BCDLEE+Lato,#555,187,198,142,152,8206,1,P,H2 +O,I-Article,planification,9,612,1008,BCDLEE+Lato,#555,201,254,142,152,8206,1,P,H2 +O,B-Alinea,Préalablement,9,612,1008,BCDMEE+Lato,#555,113,170,162,171,8226,2,P,H1 +O,I-Alinea,aux,9,612,1008,BCDMEE+Lato,#555,174,188,162,171,8226,2,P,H1 +O,I-Alinea,travaux,9,612,1008,BCDMEE+Lato,#555,191,221,162,171,8226,2,P,H1 +O,I-Alinea,du,9,612,1008,BCDMEE+Lato,#555,224,234,162,171,8226,2,P,H1 +O,I-Alinea,présent,9,612,1008,BCDMEE+Lato,#555,238,268,162,171,8226,2,P,H1 +O,I-Alinea,plan,9,612,1008,BCDMEE+Lato,#555,271,288,162,171,8226,2,P,H1 +O,I-Alinea,"d’urbanisme,",9,612,1008,BCDMEE+Lato,#555,291,341,162,171,8226,2,P,H1 +O,I-Alinea,certaines,9,612,1008,BCDMEE+Lato,#555,345,381,162,171,8226,2,P,H1 +O,I-Alinea,études,9,612,1008,BCDMEE+Lato,#555,384,411,162,171,8226,2,P,H1 +O,I-Alinea,furent,9,612,1008,BCDMEE+Lato,#555,414,439,162,171,8226,2,P,H1 +O,I-Alinea,réalisées,9,612,1008,BCDMEE+Lato,#555,442,476,162,171,8226,2,P,H1 +O,I-Alinea,pour,9,612,1008,BCDMEE+Lato,#555,480,498,162,171,8226,2,P,H1 +O,B-Alinea,préparer,9,612,1008,BCDMEE+Lato,#555,113,147,174,183,8238,2,P,H1 +O,I-Alinea,l’élaboration,9,612,1008,BCDMEE+Lato,#555,150,198,174,183,8238,2,P,H1 +O,I-Alinea,de,9,612,1008,BCDMEE+Lato,#555,201,211,174,183,8238,2,P,H1 +O,I-Alinea,la,9,612,1008,BCDMEE+Lato,#555,213,219,174,183,8238,2,P,H1 +O,I-Alinea,stratégie,9,612,1008,BCDMEE+Lato,#555,222,256,174,183,8238,2,P,H1 +O,I-Alinea,de,9,612,1008,BCDMEE+Lato,#555,258,268,174,183,8238,2,P,H1 +O,I-Alinea,développement.,9,612,1008,BCDMEE+Lato,#555,271,334,174,183,8238,2,P,H1 +O,B-Liste,1.,9,612,1008,BCDLEE+Lato,#555,131,139,196,205,8260,3,P,H1 +O,I-Liste,Le,9,612,1008,BCDLEE+Lato,#555,149,159,196,205,8260,3,P,H1 +O,I-Liste,plan,9,612,1008,BCDLEE+Lato,#555,161,178,196,205,8260,3,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,180,190,196,205,8260,3,P,H1 +O,I-Liste,développement,9,612,1008,BCDLEE+Lato,#555,192,254,196,205,8260,3,P,H1 +O,I-Liste,durable,9,612,1008,BCDLEE+Lato,#555,256,286,196,205,8260,3,P,H1 +O,I-Liste,préparé,9,612,1008,BCDLEE+Lato,#555,288,319,196,205,8260,3,P,H1 +O,I-Liste,par,9,612,1008,BCDLEE+Lato,#555,321,334,196,205,8260,3,P,H1 +O,I-Liste,BC2,9,612,1008,BCDLEE+Lato,#555,336,353,196,205,8260,3,P,H1 +O,I-Liste,et,9,612,1008,BCDLEE+Lato,#555,355,363,196,205,8260,3,P,H1 +O,I-Liste,déposé,9,612,1008,BCDLEE+Lato,#555,366,394,196,205,8260,3,P,H1 +O,I-Liste,en,9,612,1008,BCDLEE+Lato,#555,397,406,196,205,8260,3,P,H1 +O,I-Liste,2019.,9,612,1008,BCDLEE+Lato,#555,409,432,196,205,8260,3,P,H1 +O,B-Liste,2.,9,612,1008,BCDLEE+Lato,#555,131,139,219,228,8283,4,P,H1 +O,I-Liste,Le,9,612,1008,BCDLEE+Lato,#555,149,159,219,228,8283,4,P,H1 +O,I-Liste,plan,9,612,1008,BCDLEE+Lato,#555,161,178,219,228,8283,4,P,H1 +O,I-Liste,stratégique,9,612,1008,BCDLEE+Lato,#555,180,225,219,228,8283,4,P,H1 +O,I-Liste,des,9,612,1008,BCDLEE+Lato,#555,227,240,219,228,8283,4,P,H1 +O,I-Liste,"infrastructures,",9,612,1008,BCDLEE+Lato,#555,243,303,219,228,8283,4,P,H1 +O,I-Liste,qui,9,612,1008,BCDLEE+Lato,#555,305,317,219,228,8283,4,P,H1 +O,I-Liste,vise,9,612,1008,BCDLEE+Lato,#555,320,335,219,228,8283,4,P,H1 +O,I-Liste,la,9,612,1008,BCDLEE+Lato,#555,337,344,219,228,8283,4,P,H1 +O,I-Liste,mise,9,612,1008,BCDLEE+Lato,#555,346,364,219,228,8283,4,P,H1 +O,I-Liste,à,9,612,1008,BCDLEE+Lato,#555,367,371,219,228,8283,4,P,H1 +O,I-Liste,niveau,9,612,1008,BCDLEE+Lato,#555,373,399,219,228,8283,4,P,H1 +O,I-Liste,et,9,612,1008,BCDLEE+Lato,#555,402,410,219,228,8283,4,P,H1 +O,I-Liste,le,9,612,1008,BCDLEE+Lato,#555,412,419,219,228,8283,4,P,H1 +O,I-Liste,développement,9,612,1008,BCDLEE+Lato,#555,421,483,219,228,8283,4,P,H1 +O,I-Liste,des,9,612,1008,BCDLEE+Lato,#555,485,499,219,228,8283,4,P,H1 +O,I-Liste,infrastructures,9,612,1008,BCDMEE+Lato,#555,149,207,231,240,8295,4,P,H1 +O,I-Liste,"routières,",9,612,1008,BCDMEE+Lato,#555,210,248,231,240,8295,4,P,H1 +O,I-Liste,de,9,612,1008,BCDMEE+Lato,#555,250,260,231,240,8295,4,P,H1 +O,I-Liste,gestion,9,612,1008,BCDMEE+Lato,#555,263,292,231,240,8295,4,P,H1 +O,I-Liste,des,9,612,1008,BCDMEE+Lato,#555,294,308,231,240,8295,4,P,H1 +O,I-Liste,eaux,9,612,1008,BCDMEE+Lato,#555,311,330,231,240,8295,4,P,H1 +O,I-Liste,"pluviales,",9,612,1008,BCDMEE+Lato,#555,332,369,231,240,8295,4,P,H1 +O,I-Liste,d’aqueduc,9,612,1008,BCDMEE+Lato,#555,371,412,231,240,8295,4,P,H1 +O,I-Liste,et,9,612,1008,BCDMEE+Lato,#555,415,423,231,240,8295,4,P,H1 +O,I-Liste,"d’égouts,",9,612,1008,BCDMEE+Lato,#555,426,461,231,240,8295,4,P,H1 +O,I-Liste,préparés,9,612,1008,BCDMEE+Lato,#555,464,498,231,240,8295,4,P,H1 +O,I-Liste,par,9,612,1008,BCDLEE+Lato,#555,149,162,244,253,8308,4,P,H1 +O,I-Liste,la,9,612,1008,BCDLEE+Lato,#555,164,171,244,253,8308,4,P,H1 +O,I-Liste,division,9,612,1008,BCDLEE+Lato,#555,173,204,244,253,8308,4,P,H1 +O,I-Liste,des,9,612,1008,BCDLEE+Lato,#555,206,220,244,253,8308,4,P,H1 +O,I-Liste,services,9,612,1008,BCDLEE+Lato,#555,222,254,244,253,8308,4,P,H1 +O,I-Liste,techniques,9,612,1008,BCDLEE+Lato,#555,256,299,244,253,8308,4,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,301,311,244,253,8308,4,P,H1 +O,I-Liste,la,9,612,1008,BCDLEE+Lato,#555,313,320,244,253,8308,4,P,H1 +O,I-Liste,Ville,9,612,1008,BCDLEE+Lato,#555,322,340,244,253,8308,4,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,342,352,244,253,8308,4,P,H1 +O,I-Liste,Sainte-Adèle,9,612,1008,BCDLEE+Lato,#555,354,405,244,253,8308,4,P,H1 +O,B-Liste,3.,9,612,1008,BCDLEE+Lato,#555,131,139,266,275,8330,5,P,H1 +O,I-Liste,L’étude,9,612,1008,BCDMEE+Lato,#555,149,179,266,275,8330,5,P,H1 +O,I-Liste,de,9,612,1008,BCDMEE+Lato,#555,181,191,266,275,8330,5,P,H1 +O,I-Liste,positionnement,9,612,1008,BCDMEE+Lato,#555,193,255,266,275,8330,5,P,H1 +O,I-Liste,économique,9,612,1008,BCDMEE+Lato,#555,257,306,266,275,8330,5,P,H1 +O,I-Liste,préparée,9,612,1008,BCDLEE+Lato,#555,308,344,266,275,8330,5,P,H1 +O,I-Liste,par,9,612,1008,BCDLEE+Lato,#555,346,359,266,275,8330,5,P,H1 +O,I-Liste,LGP,9,612,1008,BCDLEE+Lato,#555,361,378,266,275,8330,5,P,H1 +O,I-Liste,et,9,612,1008,BCDLEE+Lato,#555,380,388,266,275,8330,5,P,H1 +O,I-Liste,déposée,9,612,1008,BCDLEE+Lato,#555,390,424,266,275,8330,5,P,H1 +O,I-Liste,en,9,612,1008,BCDLEE+Lato,#555,426,436,266,275,8330,5,P,H1 +O,I-Liste,janvier,9,612,1008,BCDLEE+Lato,#555,438,465,266,275,8330,5,P,H1 +O,I-Liste,2019,9,612,1008,BCDLEE+Lato,#555,467,488,266,275,8330,5,P,H1 +O,I-Liste,;,9,612,1008,BCDLEE+Lato,#555,490,492,266,275,8330,5,P,H1 +O,B-Liste,4.,9,612,1008,BCDLEE+Lato,#555,131,139,289,298,8353,6,P,H1 +O,I-Liste,Le,9,612,1008,BCDLEE+Lato,#555,149,159,289,298,8353,6,P,H1 +O,I-Liste,plan,9,612,1008,BCDLEE+Lato,#555,161,178,289,298,8353,6,P,H1 +O,I-Liste,directeur,9,612,1008,BCDLEE+Lato,#555,180,216,289,298,8353,6,P,H1 +O,I-Liste,des,9,612,1008,BCDLEE+Lato,#555,218,231,289,298,8353,6,P,H1 +O,I-Liste,parcs,9,612,1008,BCDLEE+Lato,#555,233,254,289,298,8353,6,P,H1 +O,I-Liste,et,9,612,1008,BCDLEE+Lato,#555,256,264,289,298,8353,6,P,H1 +O,I-Liste,espaces,9,612,1008,BCDLEE+Lato,#555,266,297,289,298,8353,6,P,H1 +O,I-Liste,verts,9,612,1008,BCDLEE+Lato,#555,300,319,289,298,8353,6,P,H1 +O,I-Liste,préparé,9,612,1008,BCDLEE+Lato,#555,321,352,289,298,8353,6,P,H1 +O,I-Liste,par,9,612,1008,BCDLEE+Lato,#555,354,367,289,298,8353,6,P,H1 +O,I-Liste,le,9,612,1008,BCDLEE+Lato,#555,369,376,289,298,8353,6,P,H1 +O,I-Liste,service,9,612,1008,BCDLEE+Lato,#555,378,406,289,298,8353,6,P,H1 +O,I-Liste,des,9,612,1008,BCDLEE+Lato,#555,408,421,289,298,8353,6,P,H1 +O,I-Liste,"loisirs,",9,612,1008,BCDLEE+Lato,#555,424,448,289,298,8353,6,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,450,460,289,298,8353,6,P,H1 +O,I-Liste,la,9,612,1008,BCDLEE+Lato,#555,462,469,289,298,8353,6,P,H1 +O,I-Liste,culture,9,612,1008,BCDLEE+Lato,#555,471,498,289,298,8353,6,P,H1 +O,I-Liste,et,9,612,1008,BCDLEE+Lato,#555,149,157,301,310,8365,6,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,160,170,301,310,8365,6,P,H1 +O,I-Liste,la,9,612,1008,BCDLEE+Lato,#555,172,178,301,310,8365,6,P,H1 +O,I-Liste,vie,9,612,1008,BCDLEE+Lato,#555,181,192,301,310,8365,6,P,H1 +O,I-Liste,communautaire,9,612,1008,BCDLEE+Lato,#555,195,256,301,310,8365,6,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,259,268,301,310,8365,6,P,H1 +O,I-Liste,la,9,612,1008,BCDLEE+Lato,#555,271,277,301,310,8365,6,P,H1 +O,I-Liste,Ville,9,612,1008,BCDLEE+Lato,#555,279,297,301,310,8365,6,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,299,309,301,310,8365,6,P,H1 +O,I-Liste,Sainte-Adèle.,9,612,1008,BCDLEE+Lato,#555,311,364,301,310,8365,6,P,H1 +O,B-Alinea,Parmi,9,612,1008,BCDLEE+Lato,#555,113,136,323,332,8387,7,P,H1 +O,I-Alinea,les,9,612,1008,BCDLEE+Lato,#555,138,149,323,332,8387,7,P,H1 +O,I-Alinea,conclusions,9,612,1008,BCDLEE+Lato,#555,152,197,323,332,8387,7,P,H1 +O,I-Alinea,pouvant,9,612,1008,BCDLEE+Lato,#555,200,232,323,332,8387,7,P,H1 +O,I-Alinea,être,9,612,1008,BCDLEE+Lato,#555,235,251,323,332,8387,7,P,H1 +O,I-Alinea,tirées,9,612,1008,BCDLEE+Lato,#555,253,275,323,332,8387,7,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,277,287,323,332,8387,7,P,H1 +O,I-Alinea,ces,9,612,1008,BCDLEE+Lato,#555,289,302,323,332,8387,7,P,H1 +O,I-Alinea,"travaux,",9,612,1008,BCDLEE+Lato,#555,305,336,323,332,8387,7,P,H1 +O,I-Alinea,voici,9,612,1008,BCDLEE+Lato,#555,339,357,323,332,8387,7,P,H1 +O,I-Alinea,les,9,612,1008,BCDLEE+Lato,#555,359,370,323,332,8387,7,P,H1 +O,I-Alinea,principales,9,612,1008,BCDLEE+Lato,#555,372,415,323,332,8387,7,P,H1 +O,I-Alinea,orientations,9,612,1008,BCDLEE+Lato,#555,417,464,323,332,8387,7,P,H1 +O,I-Alinea,:,9,612,1008,BCDLEE+Lato,#555,467,469,323,332,8387,7,P,H1 +O,B-Liste,1.,9,612,1008,BCDLEE+Lato,#555,131,139,346,355,8410,8,P,H1 +O,I-Liste,Assurer,9,612,1008,BCDMEE+Lato,#555,149,180,346,355,8410,8,P,H1 +O,I-Liste,la,9,612,1008,BCDMEE+Lato,#555,182,189,346,355,8410,8,P,H1 +O,I-Liste,préservation,9,612,1008,BCDMEE+Lato,#555,191,241,346,355,8410,8,P,H1 +O,I-Liste,de,9,612,1008,BCDMEE+Lato,#555,243,253,346,355,8410,8,P,H1 +O,I-Liste,l’environnement,9,612,1008,BCDMEE+Lato,#555,255,319,346,355,8410,8,P,H1 +O,I-Liste,naturel,9,612,1008,BCDMEE+Lato,#555,321,349,346,355,8410,8,P,H1 +O,I-Liste,et,9,612,1008,BCDMEE+Lato,#555,351,359,346,355,8410,8,P,H1 +O,I-Liste,des,9,612,1008,BCDMEE+Lato,#555,362,375,346,355,8410,8,P,H1 +O,I-Liste,structures,9,612,1008,BCDMEE+Lato,#555,378,418,346,355,8410,8,P,H1 +O,I-Liste,de,9,612,1008,BCDMEE+Lato,#555,420,430,346,355,8410,8,P,H1 +O,I-Liste,villégiature,9,612,1008,BCDMEE+Lato,#555,432,475,346,355,8410,8,P,H1 +O,I-Liste,;,9,612,1008,BCDMEE+Lato,#555,478,480,346,355,8410,8,P,H1 +O,B-Liste,2.,9,612,1008,BCDLEE+Lato,#555,131,139,368,377,8432,9,P,H1 +O,I-Liste,Assurer,9,612,1008,BCDMEE+Lato,#555,149,180,368,377,8432,9,P,H1 +O,I-Liste,le,9,612,1008,BCDMEE+Lato,#555,183,190,368,377,8432,9,P,H1 +O,I-Liste,remplacement,9,612,1008,BCDMEE+Lato,#555,194,251,368,377,8432,9,P,H1 +O,I-Liste,et,9,612,1008,BCDMEE+Lato,#555,254,262,368,377,8432,9,P,H1 +O,I-Liste,l’amélioration,9,612,1008,BCDMEE+Lato,#555,266,320,368,377,8432,9,P,H1 +O,I-Liste,des,9,612,1008,BCDMEE+Lato,#555,323,337,368,377,8432,9,P,H1 +O,I-Liste,infrastructures,9,612,1008,BCDMEE+Lato,#555,341,399,368,377,8432,9,P,H1 +O,I-Liste,pour,9,612,1008,BCDMEE+Lato,#555,403,421,368,377,8432,9,P,H1 +O,I-Liste,rattraper,9,612,1008,BCDMEE+Lato,#555,425,460,368,377,8432,9,P,H1 +O,I-Liste,le,9,612,1008,BCDMEE+Lato,#555,464,471,368,377,8432,9,P,H1 +O,I-Liste,retard,9,612,1008,BCDMEE+Lato,#555,474,498,368,377,8432,9,P,H1 +O,I-Liste,encouru,9,612,1008,BCDLEE+Lato,#555,149,182,381,390,8445,9,P,H1 +O,I-Liste,sur,9,612,1008,BCDLEE+Lato,#555,184,196,381,390,8445,9,P,H1 +O,I-Liste,leur,9,612,1008,BCDLEE+Lato,#555,199,214,381,390,8445,9,P,H1 +O,I-Liste,entretien,9,612,1008,BCDLEE+Lato,#555,216,252,381,390,8445,9,P,H1 +O,I-Liste,;,9,612,1008,BCDLEE+Lato,#555,255,257,381,390,8445,9,P,H1 +O,B-Liste,3.,9,612,1008,BCDLEE+Lato,#555,131,139,403,412,8467,10,P,H1 +O,I-Liste,Augmenter,9,612,1008,BCDLEE+Lato,#555,149,194,403,412,8467,10,P,H1 +O,I-Liste,le,9,612,1008,BCDLEE+Lato,#555,196,203,403,412,8467,10,P,H1 +O,I-Liste,nombre,9,612,1008,BCDLEE+Lato,#555,205,235,403,412,8467,10,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,237,247,403,412,8467,10,P,H1 +O,I-Liste,contribuables,9,612,1008,BCDLEE+Lato,#555,249,303,403,412,8467,10,P,H1 +O,I-Liste,sur,9,612,1008,BCDLEE+Lato,#555,305,317,403,412,8467,10,P,H1 +O,I-Liste,le,9,612,1008,BCDLEE+Lato,#555,319,326,403,412,8467,10,P,H1 +O,I-Liste,réseau,9,612,1008,BCDLEE+Lato,#555,328,354,403,412,8467,10,P,H1 +O,I-Liste,existant,9,612,1008,BCDLEE+Lato,#555,356,388,403,412,8467,10,P,H1 +O,I-Liste,afin,9,612,1008,BCDLEE+Lato,#555,389,404,403,412,8467,10,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,406,416,403,412,8467,10,P,H1 +O,I-Liste,répartir,9,612,1008,BCDLEE+Lato,#555,418,448,403,412,8467,10,P,H1 +O,I-Liste,le,9,612,1008,BCDLEE+Lato,#555,450,456,403,412,8467,10,P,H1 +O,I-Liste,cout,9,612,1008,BCDLEE+Lato,#555,459,476,403,412,8467,10,P,H1 +O,I-Liste,de,9,612,1008,BCDLEE+Lato,#555,478,488,403,412,8467,10,P,H1 +O,I-Liste,sa,9,612,1008,BCDLEE+Lato,#555,490,499,403,412,8467,10,P,H1 +O,I-Liste,mise,9,612,1008,BCDLEE+Lato,#555,149,168,415,424,8479,10,P,H1 +O,I-Liste,à,9,612,1008,BCDLEE+Lato,#555,170,175,415,424,8479,10,P,H1 +O,I-Liste,niveau,9,612,1008,BCDLEE+Lato,#555,177,203,415,424,8479,10,P,H1 +O,I-Liste,tout,9,612,1008,BCDLEE+Lato,#555,205,222,415,424,8479,10,P,H1 +O,I-Liste,en,9,612,1008,BCDLEE+Lato,#555,224,234,415,424,8479,10,P,H1 +O,I-Liste,limitant,9,612,1008,BCDLEE+Lato,#555,236,266,415,424,8479,10,P,H1 +O,I-Liste,ses,9,612,1008,BCDLEE+Lato,#555,268,281,415,424,8479,10,P,H1 +O,I-Liste,expansions;,9,612,1008,BCDLEE+Lato,#555,283,329,415,424,8479,10,P,H1 +O,B-Liste,4.,9,612,1008,BCDLEE+Lato,#555,131,139,438,447,8502,11,P,H1 +O,I-Liste,Diversifier,9,612,1008,BCDMEE+Lato,#555,149,191,438,447,8502,11,P,H1 +O,I-Liste,l’économie,9,612,1008,BCDMEE+Lato,#555,194,237,438,447,8502,11,P,H1 +O,I-Liste,grâce,9,612,1008,BCDMEE+Lato,#555,240,262,438,447,8502,11,P,H1 +O,I-Liste,aux,9,612,1008,BCDMEE+Lato,#555,265,279,438,447,8502,11,P,H1 +O,I-Liste,commerces,9,612,1008,BCDMEE+Lato,#555,282,328,438,447,8502,11,P,H1 +O,I-Liste,artériels,9,612,1008,BCDLEE+Lato,#555,332,363,438,447,8502,11,P,H1 +O,I-Liste,ou,9,612,1008,BCDLEE+Lato,#555,367,377,438,447,8502,11,P,H1 +O,I-Liste,industriels,9,612,1008,BCDLEE+Lato,#555,381,421,438,447,8502,11,P,H1 +O,I-Liste,légers,9,612,1008,BCDLEE+Lato,#555,425,448,438,447,8502,11,P,H1 +O,I-Liste,ainsi,9,612,1008,BCDMEE+Lato,#555,452,469,438,447,8502,11,P,H1 +O,I-Liste,qu’aux,9,612,1008,BCDMEE+Lato,#555,473,499,438,447,8502,11,P,H1 +O,I-Liste,petites,9,612,1008,BCDLEE+Lato,#555,149,176,450,459,8514,11,P,H1 +O,I-Liste,entreprises,9,612,1008,BCDLEE+Lato,#555,179,223,450,459,8514,11,P,H1 +O,I-Liste,et,9,612,1008,BCDLEE+Lato,#555,225,233,450,459,8514,11,P,H1 +O,I-Liste,travailleurs,9,612,1008,BCDLEE+Lato,#555,236,279,450,459,8514,11,P,H1 +O,I-Liste,autonomes,9,612,1008,BCDLEE+Lato,#555,281,325,450,459,8514,11,P,H1 +O,I-Liste,;,9,612,1008,BCDLEE+Lato,#555,327,330,450,459,8514,11,P,H1 +O,B-Liste,5.,9,612,1008,BCDLEE+Lato,#555,131,139,473,482,8537,12,P,H1 +O,I-Liste,Assurer,9,612,1008,BCDMEE+Lato,#555,149,180,473,482,8537,12,P,H1 +O,I-Liste,une,9,612,1008,BCDMEE+Lato,#555,182,197,473,482,8537,12,P,H1 +O,I-Liste,complémentarité,9,612,1008,BCDMEE+Lato,#555,199,266,473,482,8537,12,P,H1 +O,I-Liste,de,9,612,1008,BCDMEE+Lato,#555,268,278,473,482,8537,12,P,H1 +O,I-Liste,l’offre,9,612,1008,BCDMEE+Lato,#555,280,304,473,482,8537,12,P,H1 +O,I-Liste,en,9,612,1008,BCDMEE+Lato,#555,306,316,473,482,8537,12,P,H1 +O,I-Liste,travaillant,9,612,1008,BCDMEE+Lato,#555,318,357,473,482,8537,12,P,H1 +O,I-Liste,à,9,612,1008,BCDMEE+Lato,#555,360,364,473,482,8537,12,P,H1 +O,I-Liste,compléter,9,612,1008,BCDMEE+Lato,#555,366,407,473,482,8537,12,P,H1 +O,I-Liste,le,9,612,1008,BCDMEE+Lato,#555,409,416,473,482,8537,12,P,H1 +O,I-Liste,réseau,9,612,1008,BCDMEE+Lato,#555,418,444,473,482,8537,12,P,H1 +O,I-Liste,récréatif.,9,612,1008,BCDMEE+Lato,#555,446,482,473,482,8537,12,P,H1 +O,B-Alinea,De,9,612,1008,BCDLEE+Lato,#555,113,125,495,504,8559,13,P,H1 +O,I-Alinea,"plus,",9,612,1008,BCDLEE+Lato,#555,127,146,495,504,8559,13,P,H1 +O,I-Alinea,un,9,612,1008,BCDLEE+Lato,#555,148,158,495,504,8559,13,P,H1 +O,I-Alinea,comité,9,612,1008,BCDLEE+Lato,#555,160,187,495,504,8559,13,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,190,199,495,504,8559,13,P,H1 +O,I-Alinea,"refonte,",9,612,1008,BCDLEE+Lato,#555,202,233,495,504,8559,13,P,H1 +O,I-Alinea,constitué,9,612,1008,BCDLEE+Lato,#555,236,272,495,504,8559,13,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,275,285,495,504,8559,13,P,H1 +O,I-Alinea,membres,9,612,1008,BCDLEE+Lato,#555,287,323,495,504,8559,13,P,H1 +O,I-Alinea,du,9,612,1008,BCDLEE+Lato,#555,326,336,495,504,8559,13,P,H1 +O,I-Alinea,CCU,9,612,1008,BCDLEE+Lato,#555,338,357,495,504,8559,13,P,H1 +O,I-Alinea,et,9,612,1008,BCDLEE+Lato,#555,359,367,495,504,8559,13,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,370,379,495,504,8559,13,P,H1 +O,I-Alinea,la,9,612,1008,BCDLEE+Lato,#555,382,388,495,504,8559,13,P,H1 +O,I-Alinea,communauté,9,612,1008,BCDLEE+Lato,#555,391,442,495,504,8559,13,P,H1 +O,I-Alinea,ont,9,612,1008,BCDLEE+Lato,#555,445,458,495,504,8559,13,P,H1 +O,I-Alinea,travaillé,9,612,1008,BCDLEE+Lato,#555,460,492,495,504,8559,13,P,H1 +O,I-Alinea,à,9,612,1008,BCDLEE+Lato,#555,494,499,495,504,8559,13,P,H1 +O,I-Alinea,bonifier,9,612,1008,BCDLEE+Lato,#555,113,144,508,517,8572,13,P,H1 +O,I-Alinea,ces,9,612,1008,BCDLEE+Lato,#555,148,161,508,517,8572,13,P,H1 +O,I-Alinea,orientations.,9,612,1008,BCDLEE+Lato,#555,164,214,508,517,8572,13,P,H1 +O,I-Alinea,Une,9,612,1008,BCDLEE+Lato,#555,218,234,508,517,8572,13,P,H1 +O,I-Alinea,rencontre,9,612,1008,BCDLEE+Lato,#555,238,277,508,517,8572,13,P,H1 +O,I-Alinea,avec,9,612,1008,BCDLEE+Lato,#555,280,298,508,517,8572,13,P,H1 +O,I-Alinea,la,9,612,1008,BCDLEE+Lato,#555,302,309,508,517,8572,13,P,H1 +O,I-Alinea,chambre,9,612,1008,BCDLEE+Lato,#555,312,347,508,517,8572,13,P,H1 +O,I-Alinea,de,9,612,1008,BCDMEE+Lato,#555,351,360,508,517,8572,13,P,H1 +O,I-Alinea,commerce,9,612,1008,BCDMEE+Lato,#555,364,405,508,517,8572,13,P,H1 +O,I-Alinea,ainsi,9,612,1008,BCDMEE+Lato,#555,409,427,508,517,8572,13,P,H1 +O,I-Alinea,qu’une,9,612,1008,BCDMEE+Lato,#555,431,457,508,517,8572,13,P,H1 +O,I-Alinea,soirée,9,612,1008,BCDMEE+Lato,#555,461,485,508,517,8572,13,P,H1 +O,I-Alinea,de,9,612,1008,BCDMEE+Lato,#555,489,498,508,517,8572,13,P,H1 +O,I-Alinea,consultation,9,612,1008,BCDMEE+Lato,#555,113,162,520,529,8584,13,P,H1 +O,I-Alinea,sous,9,612,1008,BCDMEE+Lato,#555,167,185,520,529,8584,13,P,H1 +O,I-Alinea,forme,9,612,1008,BCDMEE+Lato,#555,190,213,520,529,8584,13,P,H1 +O,I-Alinea,d’atelier,9,612,1008,BCDMEE+Lato,#555,218,250,520,529,8584,13,P,H1 +O,I-Alinea,de,9,612,1008,BCDMEE+Lato,#555,255,264,520,529,8584,13,P,H1 +O,I-Alinea,travail,9,612,1008,BCDMEE+Lato,#555,269,294,520,529,8584,13,P,H1 +O,I-Alinea,sont,9,612,1008,BCDMEE+Lato,#555,298,316,520,529,8584,13,P,H1 +O,I-Alinea,également,9,612,1008,BCDMEE+Lato,#555,321,362,520,529,8584,13,P,H1 +O,I-Alinea,venues,9,612,1008,BCDMEE+Lato,#555,366,394,520,529,8584,13,P,H1 +O,I-Alinea,ajouter,9,612,1008,BCDMEE+Lato,#555,399,427,520,529,8584,13,P,H1 +O,I-Alinea,du,9,612,1008,BCDMEE+Lato,#555,432,442,520,529,8584,13,P,H1 +O,I-Alinea,contenu,9,612,1008,BCDMEE+Lato,#555,447,479,520,529,8584,13,P,H1 +O,I-Alinea,aux,9,612,1008,BCDMEE+Lato,#555,484,498,520,529,8584,13,P,H1 +O,I-Alinea,orientations.,9,612,1008,BCDLEE+Lato,#555,113,163,533,542,8597,13,P,H1 +O,B-Article,1.2.2,9,612,1008,BCDLEE+Lato,#555,113,135,555,565,8619,14,P,H2 +O,I-Article,Soirée,9,612,1008,BCDLEE+Lato,#555,149,177,555,565,8619,14,P,H2 +O,I-Article,de,9,612,1008,BCDLEE+Lato,#555,180,190,555,565,8619,14,P,H2 +O,I-Article,travail,9,612,1008,BCDLEE+Lato,#555,193,220,555,565,8619,14,P,H2 +O,I-Article,du,9,612,1008,BCDLEE+Lato,#555,223,234,555,565,8619,14,P,H2 +O,I-Article,15,9,612,1008,BCDLEE+Lato,#555,236,248,555,565,8619,14,P,H2 +O,I-Article,mai,9,612,1008,BCDLEE+Lato,#555,251,266,555,565,8619,14,P,H2 +O,I-Article,2019,9,612,1008,BCDLEE+Lato,#555,269,292,555,565,8619,14,P,H2 +O,B-Alinea,Près,9,612,1008,BCDLEE+Lato,#555,113,131,575,584,8639,15,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,133,143,575,584,8639,15,P,H1 +O,I-Alinea,70,9,612,1008,BCDLEE+Lato,#555,144,155,575,584,8639,15,P,H1 +O,I-Alinea,personnes,9,612,1008,BCDLEE+Lato,#555,157,198,575,584,8639,15,P,H1 +O,I-Alinea,se,9,612,1008,BCDLEE+Lato,#555,200,208,575,584,8639,15,P,H1 +O,I-Alinea,sont,9,612,1008,BCDLEE+Lato,#555,210,227,575,584,8639,15,P,H1 +O,I-Alinea,déplacées,9,612,1008,BCDLEE+Lato,#555,229,268,575,584,8639,15,P,H1 +O,I-Alinea,lors,9,612,1008,BCDLEE+Lato,#555,270,285,575,584,8639,15,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,287,297,575,584,8639,15,P,H1 +O,I-Alinea,la,9,612,1008,BCDLEE+Lato,#555,298,305,575,584,8639,15,P,H1 +O,I-Alinea,soirée,9,612,1008,BCDLEE+Lato,#555,307,331,575,584,8639,15,P,H1 +O,I-Alinea,du,9,612,1008,BCDLEE+Lato,#555,333,343,575,584,8639,15,P,H1 +O,I-Alinea,15,9,612,1008,BCDLEE+Lato,#555,345,355,575,584,8639,15,P,H1 +O,I-Alinea,mai,9,612,1008,BCDLEE+Lato,#555,357,371,575,584,8639,15,P,H1 +O,I-Alinea,pour,9,612,1008,BCDLEE+Lato,#555,373,392,575,584,8639,15,P,H1 +O,I-Alinea,travailler,9,612,1008,BCDLEE+Lato,#555,394,428,575,584,8639,15,P,H1 +O,I-Alinea,sur,9,612,1008,BCDLEE+Lato,#555,430,443,575,584,8639,15,P,H1 +O,I-Alinea,quatre,9,612,1008,BCDLEE+Lato,#555,445,470,575,584,8639,15,P,H1 +O,I-Alinea,grands,9,612,1008,BCDLEE+Lato,#555,472,499,575,584,8639,15,P,H1 +O,I-Alinea,"thèmes,",9,612,1008,BCDLEE+Lato,#555,113,145,587,596,8651,15,P,H1 +O,I-Alinea,«,9,612,1008,BCDLEE+Lato,#555,150,153,587,596,8651,15,P,H1 +O,I-Alinea,le,9,612,1008,BCDLEE+Lato,#555,156,163,587,596,8651,15,P,H1 +O,I-Alinea,récréotourisme,9,612,1008,BCDLEE+Lato,#555,168,228,587,596,8651,15,P,H1 +O,I-Alinea,et,9,612,1008,BCDLEE+Lato,#555,233,241,587,596,8651,15,P,H1 +O,I-Alinea,le,9,612,1008,BCDLEE+Lato,#555,246,253,587,596,8651,15,P,H1 +O,I-Alinea,plein,9,612,1008,BCDLEE+Lato,#555,258,277,587,596,8651,15,P,H1 +O,I-Alinea,air,9,612,1008,BCDLEE+Lato,#555,282,291,587,596,8651,15,P,H1 +O,I-Alinea,"»,",9,612,1008,BCDLEE+Lato,#555,294,300,587,596,8651,15,P,H1 +O,I-Alinea,«,9,612,1008,BCDLEE+Lato,#555,305,309,587,596,8651,15,P,H1 +O,I-Alinea,le,9,612,1008,BCDLEE+Lato,#555,311,318,587,596,8651,15,P,H1 +O,I-Alinea,développement,9,612,1008,BCDLEE+Lato,#555,323,385,587,596,8651,15,P,H1 +O,I-Alinea,commercial,9,612,1008,BCDLEE+Lato,#555,390,435,587,596,8651,15,P,H1 +O,I-Alinea,"»,",9,612,1008,BCDLEE+Lato,#555,437,443,587,596,8651,15,P,H1 +O,I-Alinea,«,9,612,1008,BCDLEE+Lato,#555,448,452,587,596,8651,15,P,H1 +O,I-Alinea,les,9,612,1008,BCDLEE+Lato,#555,454,465,587,596,8651,15,P,H1 +O,I-Alinea,noyaux,9,612,1008,BCDLEE+Lato,#555,470,499,587,596,8651,15,P,H1 +O,I-Alinea,villageois,9,612,1008,BCDLEE+Lato,#555,113,150,599,608,8663,15,P,H1 +O,I-Alinea,»,9,612,1008,BCDLEE+Lato,#555,152,156,599,608,8663,15,P,H1 +O,I-Alinea,et,9,612,1008,BCDLEE+Lato,#555,159,167,599,608,8663,15,P,H1 +O,I-Alinea,«,9,612,1008,BCDLEE+Lato,#555,170,174,599,608,8663,15,P,H1 +O,I-Alinea,le,9,612,1008,BCDLEE+Lato,#555,176,183,599,608,8663,15,P,H1 +O,I-Alinea,développement,9,612,1008,BCDLEE+Lato,#555,186,247,599,608,8663,15,P,H1 +O,I-Alinea,durable,9,612,1008,BCDLEE+Lato,#555,250,280,599,608,8663,15,P,H1 +O,I-Alinea,».,9,612,1008,BCDLEE+Lato,#555,283,288,599,608,8663,15,P,H1 +O,I-Alinea,Plus,9,612,1008,BCDLEE+Lato,#555,292,308,599,608,8663,15,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,311,321,599,608,8663,15,P,H1 +O,I-Alinea,30,9,612,1008,BCDLEE+Lato,#555,324,334,599,608,8663,15,P,H1 +O,I-Alinea,pages,9,612,1008,BCDLEE+Lato,#555,337,360,599,608,8663,15,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,363,373,599,608,8663,15,P,H1 +O,I-Alinea,notes,9,612,1008,BCDLEE+Lato,#555,376,398,599,608,8663,15,P,H1 +O,I-Alinea,ont,9,612,1008,BCDLEE+Lato,#555,401,414,599,608,8663,15,P,H1 +O,I-Alinea,été,9,612,1008,BCDLEE+Lato,#555,417,430,599,608,8663,15,P,H1 +O,I-Alinea,générées,9,612,1008,BCDLEE+Lato,#555,433,468,599,608,8663,15,P,H1 +O,I-Alinea,lors,9,612,1008,BCDLEE+Lato,#555,471,486,599,608,8663,15,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,489,498,599,608,8663,15,P,H1 +O,I-Alinea,cette,9,612,1008,BCDLEE+Lato,#555,113,134,612,621,8676,15,P,H1 +O,I-Alinea,soirée,9,612,1008,BCDLEE+Lato,#555,135,159,612,621,8676,15,P,H1 +O,I-Alinea,qui,9,612,1008,BCDLEE+Lato,#555,161,173,612,621,8676,15,P,H1 +O,I-Alinea,a,9,612,1008,BCDLEE+Lato,#555,175,180,612,621,8676,15,P,H1 +O,I-Alinea,permis,9,612,1008,BCDLEE+Lato,#555,182,208,612,621,8676,15,P,H1 +O,I-Alinea,à,9,612,1008,BCDLEE+Lato,#555,210,214,612,621,8676,15,P,H1 +O,I-Alinea,la,9,612,1008,BCDLEE+Lato,#555,216,223,612,621,8676,15,P,H1 +O,I-Alinea,fois,9,612,1008,BCDLEE+Lato,#555,224,239,612,621,8676,15,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,241,250,612,621,8676,15,P,H1 +O,I-Alinea,confirmer,9,612,1008,BCDLEE+Lato,#555,252,291,612,621,8676,15,P,H1 +O,I-Alinea,plusieurs,9,612,1008,BCDLEE+Lato,#555,292,328,612,621,8676,15,P,H1 +O,I-Alinea,orientations,9,612,1008,BCDLEE+Lato,#555,329,377,612,621,8676,15,P,H1 +O,I-Alinea,déjà,9,612,1008,BCDLEE+Lato,#555,379,395,612,621,8676,15,P,H1 +O,I-Alinea,identifiées,9,612,1008,BCDLEE+Lato,#555,397,438,612,621,8676,15,P,H1 +O,I-Alinea,dans,9,612,1008,BCDLEE+Lato,#555,440,458,612,621,8676,15,P,H1 +O,I-Alinea,les,9,612,1008,BCDLEE+Lato,#555,460,471,612,621,8676,15,P,H1 +O,I-Alinea,étapes,9,612,1008,BCDLEE+Lato,#555,472,499,612,621,8676,15,P,H1 +O,I-Alinea,"précédentes,",9,612,1008,BCDLEE+Lato,#555,113,164,624,633,8688,15,P,H1 +O,I-Alinea,mais,9,612,1008,BCDLEE+Lato,#555,167,184,624,633,8688,15,P,H1 +O,I-Alinea,aussi,9,612,1008,BCDLEE+Lato,#555,187,206,624,633,8688,15,P,H1 +O,I-Alinea,de,9,612,1008,BCDLEE+Lato,#555,209,218,624,633,8688,15,P,H1 +O,I-Alinea,réaffirmer,9,612,1008,BCDLEE+Lato,#555,221,260,624,633,8688,15,P,H1 +O,I-Alinea,la,9,612,1008,BCDLEE+Lato,#555,262,269,624,633,8688,15,P,H1 +O,I-Alinea,sensibilité,9,612,1008,BCDLEE+Lato,#555,271,311,624,633,8688,15,P,H1 +O,I-Alinea,des,9,612,1008,BCDLEE+Lato,#555,313,327,624,633,8688,15,P,H1 +O,I-Alinea,citoyens,9,612,1008,BCDLEE+Lato,#555,329,362,624,633,8688,15,P,H1 +O,I-Alinea,sur,9,612,1008,BCDLEE+Lato,#555,364,377,624,633,8688,15,P,H1 +O,I-Alinea,plusieurs,9,612,1008,BCDLEE+Lato,#555,379,414,624,633,8688,15,P,H1 +O,I-Alinea,sujets.,9,612,1008,BCDLEE+Lato,#555,416,441,624,633,8688,15,P,H1 +O,B-Pied,1.,9,612,1008,BCDMEE+Lato,#444,309,315,956,963,9020,,Artifact, +O,I-Pied,Le,9,612,1008,BCDMEE+Lato,#444,317,324,956,963,9020,,Artifact, +O,I-Pied,plan,9,612,1008,BCDMEE+Lato,#444,326,339,956,963,9020,,Artifact, +O,I-Pied,d’urbanisme,9,612,1008,BCDMEE+Lato,#444,341,378,956,963,9020,,Artifact, +O,I-Pied,de,9,612,1008,BCDMEE+Lato,#444,380,387,956,963,9020,,Artifact, +O,I-Pied,la,9,612,1008,BCDMEE+Lato,#444,389,394,956,963,9020,,Artifact, +O,I-Pied,Ville,9,612,1008,BCDMEE+Lato,#444,396,409,956,963,9020,,Artifact, +O,I-Pied,–,9,612,1008,BCDMEE+Lato,#444,411,415,956,963,9020,,Artifact, +O,I-Pied,Contexte,9,612,1008,BCDLEE+Lato,#444,417,446,956,963,9020,,Artifact, +O,I-Pied,et,9,612,1008,BCDLEE+Lato,#444,447,454,956,963,9020,,Artifact, +O,I-Pied,démarche,9,612,1008,BCDLEE+Lato,#444,455,486,956,963,9020,,Artifact, +O,I-Pied,|,9,612,1008,BCDLEE+Lato,#444,489,491,956,963,9020,,Artifact, +O,I-Pied,9,9,612,1008,BCDLEE+Lato,#444,495,499,956,963,9020,,Artifact, diff --git a/data/patches/pu_patch2.csv b/data/patches/pu_patch2.csv new file mode 100644 index 0000000..159f961 --- /dev/null +++ b/data/patches/pu_patch2.csv @@ -0,0 +1,446 @@ +sequence,segment,text,page,page_width,page_height,fontname,rgb,x0,x1,top,bottom,doctop,mcid,mctag,tagstack +O,B-Section,16.4,51,612,1008,BCDLEE+Lato,#444,120,144,116,128,48176,0,P,H4 +O,I-Section,Boulevard,51,612,1008,BCDLEE+Lato,#444,149,203,116,128,48176,0,P,H4 +O,I-Section,"Sainte-Adèle,",51,612,1008,BCDLEE+Lato,#444,206,276,116,128,48176,0,P,H4 +O,I-Section,Nord,51,612,1008,BCDLEE+Lato,#444,280,307,116,128,48176,0,P,H4 +O,I-Section,et,51,612,1008,BCDLEE+Lato,#444,310,320,116,128,48176,0,P,H4 +O,I-Section,Sud,51,612,1008,BCDLEE+Lato,#444,323,343,116,128,48176,0,P,H4 +O,B-Alinea,Développer,51,612,1008,BCDMEE+Lato,#555,113,160,142,151,48202,1,P,H1 +O,I-Alinea,un,51,612,1008,BCDMEE+Lato,#555,162,172,142,151,48202,1,P,H1 +O,I-Alinea,Programme,51,612,1008,BCDMEE+Lato,#555,175,220,142,151,48202,1,P,H1 +O,I-Alinea,particulier,51,612,1008,BCDMEE+Lato,#555,223,263,142,151,48202,1,P,H1 +O,I-Alinea,d’urbanisme,51,612,1008,BCDMEE+Lato,#555,265,313,142,151,48202,1,P,H1 +O,I-Alinea,pour,51,612,1008,BCDMEE+Lato,#555,316,334,142,151,48202,1,P,H1 +O,I-Alinea,le,51,612,1008,BCDMEE+Lato,#555,337,343,142,151,48202,1,P,H1 +O,I-Alinea,secteur,51,612,1008,BCDMEE+Lato,#555,346,375,142,151,48202,1,P,H1 +O,I-Alinea,commercial,51,612,1008,BCDMEE+Lato,#555,378,423,142,151,48202,1,P,H1 +O,I-Alinea,artériel,51,612,1008,BCDMEE+Lato,#555,425,453,142,151,48202,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDMEE+Lato,#555,456,465,142,151,48202,1,P,H1 +O,I-Alinea,la,51,612,1008,BCDMEE+Lato,#555,468,475,142,151,48202,1,P,H1 +O,I-Alinea,route,51,612,1008,BCDMEE+Lato,#555,477,498,142,151,48202,1,P,H1 +O,I-Alinea,117.,51,612,1008,BCDLEE+Lato,#555,113,131,154,163,48214,1,P,H1 +O,I-Alinea,Se,51,612,1008,BCDLEE+Lato,#555,136,145,154,163,48214,1,P,H1 +O,I-Alinea,situant,51,612,1008,BCDLEE+Lato,#555,149,177,154,163,48214,1,P,H1 +O,I-Alinea,des,51,612,1008,BCDLEE+Lato,#555,181,195,154,163,48214,1,P,H1 +O,I-Alinea,limites,51,612,1008,BCDLEE+Lato,#555,199,224,154,163,48214,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDLEE+Lato,#555,229,239,154,163,48214,1,P,H1 +O,I-Alinea,la,51,612,1008,BCDLEE+Lato,#555,243,249,154,163,48214,1,P,H1 +O,I-Alinea,municipalité,51,612,1008,BCDLEE+Lato,#555,254,302,154,163,48214,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDMEE+Lato,#555,306,316,154,163,48214,1,P,H1 +O,I-Alinea,Piedmont,51,612,1008,BCDMEE+Lato,#555,320,358,154,163,48214,1,P,H1 +O,I-Alinea,jusqu’au,51,612,1008,BCDMEE+Lato,#555,363,395,154,163,48214,1,P,H1 +O,I-Alinea,pont,51,612,1008,BCDMEE+Lato,#555,400,418,154,163,48214,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDMEE+Lato,#555,422,432,154,163,48214,1,P,H1 +O,I-Alinea,la,51,612,1008,BCDMEE+Lato,#555,436,443,154,163,48214,1,P,H1 +O,I-Alinea,sortie,51,612,1008,BCDMEE+Lato,#555,447,470,154,163,48214,1,P,H1 +O,I-Alinea,67,51,612,1008,BCDMEE+Lato,#555,474,484,154,163,48214,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDMEE+Lato,#555,489,499,154,163,48214,1,P,H1 +O,I-Alinea,l’autoroute,51,612,1008,BCDMEE+Lato,#555,113,157,167,176,48227,1,P,H1 +O,I-Alinea,15,51,612,1008,BCDMEE+Lato,#555,159,170,167,176,48227,1,P,H1 +O,I-Alinea,et,51,612,1008,BCDMEE+Lato,#555,173,181,167,176,48227,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDMEE+Lato,#555,183,193,167,176,48227,1,P,H1 +O,I-Alinea,l’intersection,51,612,1008,BCDMEE+Lato,#555,196,247,167,176,48227,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDMEE+Lato,#555,249,259,167,176,48227,1,P,H1 +O,I-Alinea,la,51,612,1008,BCDMEE+Lato,#555,262,268,167,176,48227,1,P,H1 +O,I-Alinea,rue,51,612,1008,BCDMEE+Lato,#555,271,284,167,176,48227,1,P,H1 +O,I-Alinea,Dumouchel,51,612,1008,BCDMEE+Lato,#555,287,332,167,176,48227,1,P,H1 +O,I-Alinea,à,51,612,1008,BCDMEE+Lato,#555,335,340,167,176,48227,1,P,H1 +O,I-Alinea,la,51,612,1008,BCDMEE+Lato,#555,342,349,167,176,48227,1,P,H1 +O,I-Alinea,frontière,51,612,1008,BCDMEE+Lato,#555,351,386,167,176,48227,1,P,H1 +O,I-Alinea,avec,51,612,1008,BCDMEE+Lato,#555,389,407,167,176,48227,1,P,H1 +O,I-Alinea,la,51,612,1008,BCDMEE+Lato,#555,410,416,167,176,48227,1,P,H1 +O,I-Alinea,municipalité,51,612,1008,BCDMEE+Lato,#555,419,467,167,176,48227,1,P,H1 +O,I-Alinea,de,51,612,1008,BCDMEE+Lato,#555,470,479,167,176,48227,1,P,H1 +O,I-Alinea,Val-,51,612,1008,BCDMEE+Lato,#555,482,499,167,176,48227,1,P,H1 +O,I-Alinea,Morin.,51,612,1008,BCDLEE+Lato,#555,113,140,179,188,48239,1,P,H1 +O,B-Article,16.4.1,51,612,1008,BCDLEE+Lato,#444,113,141,202,212,48262,2,P,H2 +O,I-Article,Principes,51,612,1008,BCDLEE+Lato,#444,149,189,202,212,48262,2,P,H2 +O,I-Article,applicables,51,612,1008,BCDLEE+Lato,#444,192,240,202,212,48262,2,P,H2 +O,I-Article,aux,51,612,1008,BCDLEE+Lato,#444,243,258,202,212,48262,2,P,H2 +O,I-Article,secteurs,51,612,1008,BCDLEE+Lato,#444,261,298,202,212,48262,2,P,H2 +O,I-Article,Nord,51,612,1008,BCDLEE+Lato,#444,300,323,202,212,48262,2,P,H2 +O,I-Article,et,51,612,1008,BCDLEE+Lato,#444,325,334,202,212,48262,2,P,H2 +O,I-Article,Sud,51,612,1008,BCDLEE+Lato,#444,337,353,202,212,48262,2,P,H2 +O,B-Liste,"Développer,",51,612,1008,BCDLEE+Lato,#555,113,162,221,230,48281,3,P,H1 +O,I-Liste,pour,51,612,1008,BCDLEE+Lato,#555,169,187,221,230,48281,3,P,H1 +O,I-Liste,ce,51,612,1008,BCDLEE+Lato,#555,194,203,221,230,48281,3,P,H1 +O,I-Liste,"secteur,",51,612,1008,BCDLEE+Lato,#555,209,241,221,230,48281,3,P,H1 +O,I-Liste,une,51,612,1008,BCDLEE+Lato,#555,247,262,221,230,48281,3,P,H1 +O,I-Liste,stratégie,51,612,1008,BCDLEE+Lato,#555,269,303,221,230,48281,3,P,H1 +O,I-Liste,de,51,612,1008,BCDLEE+Lato,#555,310,320,221,230,48281,3,P,H1 +O,I-Liste,développement,51,612,1008,BCDLEE+Lato,#555,327,389,221,230,48281,3,P,H1 +O,I-Liste,commercial,51,612,1008,BCDLEE+Lato,#555,395,441,221,230,48281,3,P,H1 +O,I-Liste,et,51,612,1008,BCDLEE+Lato,#555,447,455,221,230,48281,3,P,H1 +O,I-Liste,industriel,51,612,1008,BCDLEE+Lato,#555,462,499,221,230,48281,3,P,H1 +O,I-Liste,complémentaire,51,612,1008,BCDLEE+Lato,#555,113,177,234,243,48294,3,P,H1 +O,I-Liste,selon,51,612,1008,BCDLEE+Lato,#555,180,200,234,243,48294,3,P,H1 +O,I-Liste,les,51,612,1008,BCDLEE+Lato,#555,203,213,234,243,48294,3,P,H1 +O,I-Liste,principes,51,612,1008,BCDLEE+Lato,#555,216,251,234,243,48294,3,P,H1 +O,I-Liste,suivants,51,612,1008,BCDLEE+Lato,#555,254,286,234,243,48294,3,P,H1 +O,I-Liste,:,51,612,1008,BCDLEE+Lato,#555,289,291,234,243,48294,3,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,256,265,48316,4,P,H1 +O,I-Liste,Favoriser,51,612,1008,BCDMEE+Lato,#555,167,204,256,265,48316,4,P,H1 +O,I-Liste,l’implantation,51,612,1008,BCDMEE+Lato,#555,206,259,256,265,48316,4,P,H1 +O,I-Liste,d’entreprises,51,612,1008,BCDMEE+Lato,#555,261,312,256,265,48316,4,P,H1 +O,I-Liste,génératrices,51,612,1008,BCDMEE+Lato,#555,315,363,256,265,48316,4,P,H1 +O,I-Liste,d’emploi,51,612,1008,BCDMEE+Lato,#555,365,399,256,265,48316,4,P,H1 +O,I-Liste,et,51,612,1008,BCDMEE+Lato,#555,401,409,256,265,48316,4,P,H1 +O,I-Liste,génératrices,51,612,1008,BCDMEE+Lato,#555,411,460,256,265,48316,4,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,462,472,256,265,48316,4,P,H1 +O,I-Liste,valeur,51,612,1008,BCDMEE+Lato,#555,474,498,256,265,48316,4,P,H1 +O,I-Liste,ajoutée,51,612,1008,BCDLEE+Lato,#555,167,196,269,278,48329,4,P,H1 +O,I-Liste,sur,51,612,1008,BCDLEE+Lato,#555,199,211,269,278,48329,4,P,H1 +O,I-Liste,le,51,612,1008,BCDLEE+Lato,#555,213,220,269,278,48329,4,P,H1 +O,I-Liste,territoire,51,612,1008,BCDLEE+Lato,#555,222,258,269,278,48329,4,P,H1 +O,I-Liste,;,51,612,1008,BCDLEE+Lato,#555,260,262,269,278,48329,4,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,291,300,48351,5,P,H1 +O,I-Liste,Mettre,51,612,1008,BCDMEE+Lato,#555,167,194,291,300,48351,5,P,H1 +O,I-Liste,en,51,612,1008,BCDMEE+Lato,#555,200,210,291,300,48351,5,P,H1 +O,I-Liste,place,51,612,1008,BCDMEE+Lato,#555,216,236,291,300,48351,5,P,H1 +O,I-Liste,une,51,612,1008,BCDMEE+Lato,#555,242,257,291,300,48351,5,P,H1 +O,I-Liste,structure,51,612,1008,BCDMEE+Lato,#555,262,298,291,300,48351,5,P,H1 +O,I-Liste,d’accueil,51,612,1008,BCDMEE+Lato,#555,304,338,291,300,48351,5,P,H1 +O,I-Liste,pour,51,612,1008,BCDMEE+Lato,#555,344,362,291,300,48351,5,P,H1 +O,I-Liste,les,51,612,1008,BCDMEE+Lato,#555,368,379,291,300,48351,5,P,H1 +O,I-Liste,entreprises,51,612,1008,BCDMEE+Lato,#555,385,429,291,300,48351,5,P,H1 +O,I-Liste,et,51,612,1008,BCDMEE+Lato,#555,434,442,291,300,48351,5,P,H1 +O,I-Liste,faciliter,51,612,1008,BCDLEE+Lato,#555,448,478,291,300,48351,5,P,H1 +O,I-Liste,leur,51,612,1008,BCDLEE+Lato,#555,484,499,291,300,48351,5,P,H1 +O,I-Liste,implantation,51,612,1008,BCDLEE+Lato,#555,167,216,304,313,48364,5,P,H1 +O,I-Liste,en,51,612,1008,BCDLEE+Lato,#555,219,228,304,313,48364,5,P,H1 +O,I-Liste,profitant,51,612,1008,BCDLEE+Lato,#555,231,265,304,313,48364,5,P,H1 +O,I-Liste,des,51,612,1008,BCDLEE+Lato,#555,268,281,304,313,48364,5,P,H1 +O,I-Liste,infrastructures,51,612,1008,BCDLEE+Lato,#555,284,342,304,313,48364,5,P,H1 +O,I-Liste,existantes.,51,612,1008,BCDLEE+Lato,#555,344,386,304,313,48364,5,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,326,335,48386,6,P,H1 +O,I-Liste,Permettre,51,612,1008,BCDMEE+Lato,#555,167,207,326,335,48386,6,P,H1 +O,I-Liste,la,51,612,1008,BCDMEE+Lato,#555,209,216,326,335,48386,6,P,H1 +O,I-Liste,mise,51,612,1008,BCDMEE+Lato,#555,218,236,326,335,48386,6,P,H1 +O,I-Liste,en,51,612,1008,BCDMEE+Lato,#555,239,249,326,335,48386,6,P,H1 +O,I-Liste,place,51,612,1008,BCDMEE+Lato,#555,251,272,326,335,48386,6,P,H1 +O,I-Liste,d’entreprises,51,612,1008,BCDMEE+Lato,#555,274,325,326,335,48386,6,P,H1 +O,I-Liste,compatibles,51,612,1008,BCDMEE+Lato,#555,327,375,326,335,48386,6,P,H1 +O,I-Liste,avec,51,612,1008,BCDMEE+Lato,#555,377,395,326,335,48386,6,P,H1 +O,I-Liste,le,51,612,1008,BCDMEE+Lato,#555,398,404,326,335,48386,6,P,H1 +O,I-Liste,"milieu,",51,612,1008,BCDMEE+Lato,#555,407,432,326,335,48386,6,P,H1 +O,I-Liste,par,51,612,1008,BCDMEE+Lato,#555,435,448,326,335,48386,6,P,H1 +O,I-Liste,"exemple,",51,612,1008,BCDMEE+Lato,#555,450,485,326,335,48386,6,P,H1 +O,I-Liste,les,51,612,1008,BCDMEE+Lato,#555,488,498,326,335,48386,6,P,H1 +O,I-Liste,commerces,51,612,1008,BCDLEE+Lato,#555,167,212,339,348,48399,6,P,H1 +O,I-Liste,de,51,612,1008,BCDLEE+Lato,#555,215,225,339,348,48399,6,P,H1 +O,I-Liste,services,51,612,1008,BCDLEE+Lato,#555,227,259,339,348,48399,6,P,H1 +O,I-Liste,"spécialisés,",51,612,1008,BCDLEE+Lato,#555,262,305,339,348,48399,6,P,H1 +O,I-Liste,les,51,612,1008,BCDLEE+Lato,#555,308,319,339,348,48399,6,P,H1 +O,I-Liste,commerces,51,612,1008,BCDLEE+Lato,#555,321,367,339,348,48399,6,P,H1 +O,I-Liste,de,51,612,1008,BCDLEE+Lato,#555,369,379,339,348,48399,6,P,H1 +O,I-Liste,fabrication,51,612,1008,BCDLEE+Lato,#555,382,424,339,348,48399,6,P,H1 +O,I-Liste,et,51,612,1008,BCDLEE+Lato,#555,427,435,339,348,48399,6,P,H1 +O,I-Liste,"transformation,",51,612,1008,BCDLEE+Lato,#555,438,498,339,348,48399,6,P,H1 +O,I-Liste,les,51,612,1008,BCDLEE+Lato,#555,167,178,351,360,48411,6,P,H1 +O,I-Liste,industries,51,612,1008,BCDLEE+Lato,#555,180,218,351,360,48411,6,P,H1 +O,I-Liste,"artisanales,",51,612,1008,BCDLEE+Lato,#555,221,265,351,360,48411,6,P,H1 +O,I-Liste,les,51,612,1008,BCDLEE+Lato,#555,267,278,351,360,48411,6,P,H1 +O,I-Liste,industries,51,612,1008,BCDLEE+Lato,#555,280,318,351,360,48411,6,P,H1 +O,I-Liste,du,51,612,1008,BCDLEE+Lato,#555,321,331,351,360,48411,6,P,H1 +O,I-Liste,domaine,51,612,1008,BCDLEE+Lato,#555,333,367,351,360,48411,6,P,H1 +O,I-Liste,"agroalimentaire,",51,612,1008,BCDLEE+Lato,#555,369,433,351,360,48411,6,P,H1 +O,I-Liste,les,51,612,1008,BCDLEE+Lato,#555,435,446,351,360,48411,6,P,H1 +O,I-Liste,industries,51,612,1008,BCDLEE+Lato,#555,448,487,351,360,48411,6,P,H1 +O,I-Liste,de,51,612,1008,BCDLEE+Lato,#555,489,499,351,360,48411,6,P,H1 +O,I-Liste,transformation,51,612,1008,BCDMEE+Lato,#555,167,226,364,373,48424,6,P,H1 +O,I-Liste,légère,51,612,1008,BCDMEE+Lato,#555,228,252,364,373,48424,6,P,H1 +O,I-Liste,telle,51,612,1008,BCDMEE+Lato,#555,255,272,364,373,48424,6,P,H1 +O,I-Liste,que,51,612,1008,BCDMEE+Lato,#555,274,289,364,373,48424,6,P,H1 +O,I-Liste,l’usinage.,51,612,1008,BCDMEE+Lato,#555,291,327,364,373,48424,6,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,386,395,48446,7,P,H1 +O,I-Liste,Assurer,51,612,1008,BCDMEE+Lato,#555,167,197,386,395,48446,7,P,H1 +O,I-Liste,l’intégration,51,612,1008,BCDMEE+Lato,#555,200,247,386,395,48446,7,P,H1 +O,I-Liste,des,51,612,1008,BCDMEE+Lato,#555,251,264,386,395,48446,7,P,H1 +O,I-Liste,aménagements,51,612,1008,BCDMEE+Lato,#555,268,327,386,395,48446,7,P,H1 +O,I-Liste,en,51,612,1008,BCDMEE+Lato,#555,331,340,386,395,48446,7,P,H1 +O,I-Liste,favorisant,51,612,1008,BCDMEE+Lato,#555,344,383,386,395,48446,7,P,H1 +O,I-Liste,les,51,612,1008,BCDMEE+Lato,#555,386,397,386,395,48446,7,P,H1 +O,I-Liste,activités,51,612,1008,BCDMEE+Lato,#555,400,433,386,395,48446,7,P,H1 +O,I-Liste,à,51,612,1008,BCDMEE+Lato,#555,436,441,386,395,48446,7,P,H1 +O,I-Liste,l’intérieur,51,612,1008,BCDMEE+Lato,#555,444,482,386,395,48446,7,P,H1 +O,I-Liste,des,51,612,1008,BCDMEE+Lato,#555,485,498,386,395,48446,7,P,H1 +O,I-Liste,bâtiments,51,612,1008,BCDMEE+Lato,#555,167,206,399,408,48459,7,P,H1 +O,I-Liste,et,51,612,1008,BCDMEE+Lato,#555,208,216,399,408,48459,7,P,H1 +O,I-Liste,l’aménagement,51,612,1008,BCDMEE+Lato,#555,219,279,399,408,48459,7,P,H1 +O,I-Liste,paysager,51,612,1008,BCDMEE+Lato,#555,281,316,399,408,48459,7,P,H1 +O,I-Liste,des,51,612,1008,BCDMEE+Lato,#555,318,332,399,408,48459,7,P,H1 +O,I-Liste,cours,51,612,1008,BCDMEE+Lato,#555,334,356,399,408,48459,7,P,H1 +O,I-Liste,avant.,51,612,1008,BCDMEE+Lato,#555,358,382,399,408,48459,7,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,421,430,48481,8,P,H1 +O,I-Liste,Réserver,51,612,1008,BCDLEE+Lato,#555,167,202,421,430,48481,8,P,H1 +O,I-Liste,des,51,612,1008,BCDLEE+Lato,#555,209,222,421,430,48481,8,P,H1 +O,I-Liste,espaces,51,612,1008,BCDLEE+Lato,#555,229,260,421,430,48481,8,P,H1 +O,I-Liste,pour,51,612,1008,BCDLEE+Lato,#555,267,286,421,430,48481,8,P,H1 +O,I-Liste,les,51,612,1008,BCDLEE+Lato,#555,292,303,421,430,48481,8,P,H1 +O,I-Liste,services,51,612,1008,BCDLEE+Lato,#555,310,342,421,430,48481,8,P,H1 +O,I-Liste,de,51,612,1008,BCDLEE+Lato,#555,349,359,421,430,48481,8,P,H1 +O,I-Liste,proximité,51,612,1008,BCDLEE+Lato,#555,365,403,421,430,48481,8,P,H1 +O,I-Liste,complémentaires,51,612,1008,BCDLEE+Lato,#555,410,478,421,430,48481,8,P,H1 +O,I-Liste,aux,51,612,1008,BCDLEE+Lato,#555,484,498,421,430,48481,8,P,H1 +O,I-Liste,entreprises.,51,612,1008,BCDLEE+Lato,#555,167,213,434,443,48494,8,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,456,465,48516,9,P,H1 +O,I-Liste,Marquer,51,612,1008,BCDMEE+Lato,#555,167,201,456,465,48516,9,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,206,215,456,465,48516,9,P,H1 +O,I-Liste,façon,51,612,1008,BCDMEE+Lato,#555,220,242,456,465,48516,9,P,H1 +O,I-Liste,importante,51,612,1008,BCDMEE+Lato,#555,247,290,456,465,48516,9,P,H1 +O,I-Liste,l’entrée,51,612,1008,BCDMEE+Lato,#555,295,325,456,465,48516,9,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,329,339,456,465,48516,9,P,H1 +O,I-Liste,Ville,51,612,1008,BCDMEE+Lato,#555,344,361,456,465,48516,9,P,H1 +O,I-Liste,à,51,612,1008,BCDMEE+Lato,#555,365,370,456,465,48516,9,P,H1 +O,I-Liste,la,51,612,1008,BCDMEE+Lato,#555,374,381,456,465,48516,9,P,H1 +O,I-Liste,hauteur,51,612,1008,BCDMEE+Lato,#555,386,416,456,465,48516,9,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,421,431,456,465,48516,9,P,H1 +O,I-Liste,la,51,612,1008,BCDMEE+Lato,#555,435,442,456,465,48516,9,P,H1 +O,I-Liste,sortie,51,612,1008,BCDMEE+Lato,#555,447,469,456,465,48516,9,P,H1 +O,I-Liste,67,51,612,1008,BCDMEE+Lato,#555,474,484,456,465,48516,9,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,489,498,456,465,48516,9,P,H1 +O,I-Liste,l’autoroute,51,612,1008,BCDMEE+Lato,#555,167,210,469,478,48529,9,P,H1 +O,I-Liste,15,51,612,1008,BCDMEE+Lato,#555,212,223,469,478,48529,9,P,H1 +O,B-Article,16.4.2,51,612,1008,BCDLEE+Lato,#444,113,141,491,501,48551,10,P,H2 +O,I-Article,Principes,51,612,1008,BCDLEE+Lato,#444,149,189,491,501,48551,10,P,H2 +O,I-Article,applicables,51,612,1008,BCDLEE+Lato,#444,192,240,491,501,48551,10,P,H2 +O,I-Article,spécifiquement,51,612,1008,BCDLEE+Lato,#444,243,310,491,501,48551,10,P,H2 +O,I-Article,au,51,612,1008,BCDLEE+Lato,#444,313,323,491,501,48551,10,P,H2 +O,I-Article,secteur,51,612,1008,BCDLEE+Lato,#444,326,358,491,501,48551,10,P,H2 +O,I-Article,Nord,51,612,1008,BCDLEE+Lato,#444,361,383,491,501,48551,10,P,H2 +O,B-Alinea,Le,51,612,1008,BCDLEE+Lato,#555,113,123,511,520,48571,11,P,H1 +O,I-Alinea,secteur,51,612,1008,BCDLEE+Lato,#555,125,154,511,520,48571,11,P,H1 +O,I-Alinea,nord,51,612,1008,BCDLEE+Lato,#555,157,175,511,520,48571,11,P,H1 +O,I-Alinea,comprend,51,612,1008,BCDLEE+Lato,#555,177,217,511,520,48571,11,P,H1 +O,I-Alinea,trois,51,612,1008,BCDLEE+Lato,#555,220,237,511,520,48571,11,P,H1 +O,I-Alinea,segments,51,612,1008,BCDLEE+Lato,#555,240,277,511,520,48571,11,P,H1 +O,I-Alinea,distincts,51,612,1008,BCDLEE+Lato,#555,280,313,511,520,48571,11,P,H1 +O,I-Alinea,ayant,51,612,1008,BCDLEE+Lato,#555,315,337,511,520,48571,11,P,H1 +O,I-Alinea,chacun,51,612,1008,BCDLEE+Lato,#555,339,367,511,520,48571,11,P,H1 +O,I-Alinea,leur,51,612,1008,BCDLEE+Lato,#555,369,385,511,520,48571,11,P,H1 +O,I-Alinea,contexte,51,612,1008,BCDLEE+Lato,#555,387,422,511,520,48571,11,P,H1 +O,I-Alinea,spécifique,51,612,1008,BCDLEE+Lato,#555,424,464,511,520,48571,11,P,H1 +O,I-Alinea,:,51,612,1008,BCDLEE+Lato,#555,467,469,511,520,48571,11,P,H1 +O,B-Alinea,Segment,51,612,1008,BCDLEE+Lato,#555,113,148,533,542,48593,12,P,H1 +O,I-Alinea,1,51,612,1008,BCDLEE+Lato,#555,150,156,533,542,48593,12,P,H1 +O,I-Alinea,–,51,612,1008,BCDMEE+Lato,#555,158,163,533,542,48593,12,P,H1 +O,I-Alinea,Périmètre,51,612,1008,BCDLEE+Lato,#555,166,205,533,542,48593,12,P,H1 +O,I-Alinea,urbain,51,612,1008,BCDLEE+Lato,#555,207,232,533,542,48593,12,P,H1 +O,I-Alinea,de,51,612,1008,BCDLEE+Lato,#555,234,244,533,542,48593,12,P,H1 +O,I-Alinea,Sainte-Adèle,51,612,1008,BCDLEE+Lato,#555,246,297,533,542,48593,12,P,H1 +O,I-Alinea,(rue,51,612,1008,BCDLEE+Lato,#555,299,315,533,542,48593,12,P,H1 +O,I-Alinea,Dumouchel,51,612,1008,BCDLEE+Lato,#555,317,362,533,542,48593,12,P,H1 +O,I-Alinea,à,51,612,1008,BCDLEE+Lato,#555,365,369,533,542,48593,12,P,H1 +O,I-Alinea,la,51,612,1008,BCDLEE+Lato,#555,372,378,533,542,48593,12,P,H1 +O,I-Alinea,limite,51,612,1008,BCDLEE+Lato,#555,380,402,533,542,48593,12,P,H1 +O,I-Alinea,du,51,612,1008,BCDLEE+Lato,#555,405,415,533,542,48593,12,P,H1 +O,I-Alinea,périmètre,51,612,1008,BCDLEE+Lato,#555,417,456,533,542,48593,12,P,H1 +O,I-Alinea,urbain),51,612,1008,BCDLEE+Lato,#555,458,485,533,542,48593,12,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,556,565,48616,13,P,H1 +O,I-Liste,Autoriser,51,612,1008,BCDLEE+Lato,#555,167,204,556,565,48616,13,P,H1 +O,I-Liste,une,51,612,1008,BCDLEE+Lato,#555,206,221,556,565,48616,13,P,H1 +O,I-Liste,plus,51,612,1008,BCDLEE+Lato,#555,223,239,556,565,48616,13,P,H1 +O,I-Liste,grande,51,612,1008,BCDLEE+Lato,#555,241,269,556,565,48616,13,P,H1 +O,I-Liste,mixité,51,612,1008,BCDLEE+Lato,#555,271,295,556,565,48616,13,P,H1 +O,I-Liste,commerciale,51,612,1008,BCDLEE+Lato,#555,297,347,556,565,48616,13,P,H1 +O,I-Liste,;,51,612,1008,BCDLEE+Lato,#555,350,352,556,565,48616,13,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,578,587,48638,14,P,H1 +O,I-Liste,Autoriser,51,612,1008,BCDLEE+Lato,#555,167,204,578,587,48638,14,P,H1 +O,I-Liste,des,51,612,1008,BCDLEE+Lato,#555,206,220,578,587,48638,14,P,H1 +O,I-Liste,bâtiments,51,612,1008,BCDLEE+Lato,#555,222,261,578,587,48638,14,P,H1 +O,I-Liste,de,51,612,1008,BCDLEE+Lato,#555,264,273,578,587,48638,14,P,H1 +O,I-Liste,plus,51,612,1008,BCDLEE+Lato,#555,276,292,578,587,48638,14,P,H1 +O,I-Liste,forts,51,612,1008,BCDLEE+Lato,#555,294,312,578,587,48638,14,P,H1 +O,I-Liste,gabarits,51,612,1008,BCDLEE+Lato,#555,315,346,578,587,48638,14,P,H1 +O,I-Liste,à,51,612,1008,BCDLEE+Lato,#555,348,353,578,587,48638,14,P,H1 +O,I-Liste,proximité,51,612,1008,BCDLEE+Lato,#555,355,393,578,587,48638,14,P,H1 +O,I-Liste,du,51,612,1008,BCDLEE+Lato,#555,395,405,578,587,48638,14,P,H1 +O,I-Liste,boulevard,51,612,1008,BCDLEE+Lato,#555,407,447,578,587,48638,14,P,H1 +O,I-Liste,;,51,612,1008,BCDLEE+Lato,#555,449,452,578,587,48638,14,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,601,610,48661,15,P,H1 +O,I-Liste,Contrôler,51,612,1008,BCDMEE+Lato,#555,167,205,601,610,48661,15,P,H1 +O,I-Liste,les,51,612,1008,BCDMEE+Lato,#555,207,218,601,610,48661,15,P,H1 +O,I-Liste,impacts,51,612,1008,BCDMEE+Lato,#555,220,251,601,610,48661,15,P,H1 +O,I-Liste,visuels,51,612,1008,BCDMEE+Lato,#555,253,279,601,610,48661,15,P,H1 +O,I-Liste,à,51,612,1008,BCDMEE+Lato,#555,282,286,601,610,48661,15,P,H1 +O,I-Liste,partir,51,612,1008,BCDMEE+Lato,#555,288,310,601,610,48661,15,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,312,322,601,610,48661,15,P,H1 +O,I-Liste,l’autoroute,51,612,1008,BCDMEE+Lato,#555,324,367,601,610,48661,15,P,H1 +O,I-Liste,15,51,612,1008,BCDMEE+Lato,#555,370,380,601,610,48661,15,P,H1 +O,I-Liste,;,51,612,1008,BCDMEE+Lato,#555,383,385,601,610,48661,15,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,624,633,48684,16,P,H1 +O,I-Liste,Implanter,51,612,1008,BCDMEE+Lato,#555,167,205,624,633,48684,16,P,H1 +O,I-Liste,les,51,612,1008,BCDMEE+Lato,#555,208,218,624,633,48684,16,P,H1 +O,I-Liste,espaces,51,612,1008,BCDMEE+Lato,#555,221,252,624,633,48684,16,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,255,265,624,633,48684,16,P,H1 +O,I-Liste,stationnement,51,612,1008,BCDMEE+Lato,#555,268,325,624,633,48684,16,P,H1 +O,I-Liste,à,51,612,1008,BCDMEE+Lato,#555,328,333,624,633,48684,16,P,H1 +O,I-Liste,l’arrière,51,612,1008,BCDMEE+Lato,#555,336,366,624,633,48684,16,P,H1 +O,I-Liste,et,51,612,1008,BCDMEE+Lato,#555,368,376,624,633,48684,16,P,H1 +O,I-Liste,travailler,51,612,1008,BCDMEE+Lato,#555,379,414,624,633,48684,16,P,H1 +O,I-Liste,les,51,612,1008,BCDMEE+Lato,#555,417,428,624,633,48684,16,P,H1 +O,I-Liste,cours,51,612,1008,BCDMEE+Lato,#555,431,452,624,633,48684,16,P,H1 +O,I-Liste,avant,51,612,1008,BCDMEE+Lato,#555,455,477,624,633,48684,16,P,H1 +O,I-Liste,pour,51,612,1008,BCDMEE+Lato,#555,480,498,624,633,48684,16,P,H1 +O,I-Liste,assurer,51,612,1008,BCDMEE+Lato,#555,167,196,636,645,48696,16,P,H1 +O,I-Liste,l’encadrement,51,612,1008,BCDMEE+Lato,#555,198,254,636,645,48696,16,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,256,266,636,645,48696,16,P,H1 +O,I-Liste,la,51,612,1008,BCDMEE+Lato,#555,268,275,636,645,48696,16,P,H1 +O,I-Liste,voie,51,612,1008,BCDMEE+Lato,#555,277,294,636,645,48696,16,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,296,306,636,645,48696,16,P,H1 +O,I-Liste,circulation,51,612,1008,BCDMEE+Lato,#555,308,349,636,645,48696,16,P,H1 +O,I-Liste,;,51,612,1008,BCDMEE+Lato,#555,351,354,636,645,48696,16,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,659,668,48719,17,P,H1 +O,I-Liste,Réduire,51,612,1008,BCDLEE+Lato,#555,167,198,659,668,48719,17,P,H1 +O,I-Liste,les,51,612,1008,BCDLEE+Lato,#555,200,211,659,668,48719,17,P,H1 +O,I-Liste,marges,51,612,1008,BCDLEE+Lato,#555,213,241,659,668,48719,17,P,H1 +O,I-Liste,avant,51,612,1008,BCDLEE+Lato,#555,244,265,659,668,48719,17,P,H1 +O,I-Liste,pour,51,612,1008,BCDLEE+Lato,#555,268,286,659,668,48719,17,P,H1 +O,I-Liste,assurer,51,612,1008,BCDMEE+Lato,#555,289,317,659,668,48719,17,P,H1 +O,I-Liste,l’encadrement,51,612,1008,BCDMEE+Lato,#555,319,376,659,668,48719,17,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,378,388,659,668,48719,17,P,H1 +O,I-Liste,la,51,612,1008,BCDMEE+Lato,#555,390,396,659,668,48719,17,P,H1 +O,I-Liste,voie,51,612,1008,BCDMEE+Lato,#555,399,415,659,668,48719,17,P,H1 +O,I-Liste,de,51,612,1008,BCDMEE+Lato,#555,418,427,659,668,48719,17,P,H1 +O,I-Liste,circulation,51,612,1008,BCDMEE+Lato,#555,430,471,659,668,48719,17,P,H1 +O,I-Liste,;,51,612,1008,BCDMEE+Lato,#555,473,476,659,668,48719,17,P,H1 +O,B-Liste,•,51,612,1008,SymbolMT,#000,149,153,681,690,48741,18,P,H1 +O,I-Liste,Assurer,51,612,1008,BCDLEE+Lato,#555,167,197,681,690,48741,18,P,H1 +O,I-Liste,le,51,612,1008,BCDLEE+Lato,#555,199,206,681,690,48741,18,P,H1 +O,I-Liste,développement,51,612,1008,BCDLEE+Lato,#555,209,270,681,690,48741,18,P,H1 +O,I-Liste,de,51,612,1008,BCDLEE+Lato,#555,272,282,681,690,48741,18,P,H1 +O,I-Liste,rez-de-chaussée,51,612,1008,BCDLEE+Lato,#555,285,349,681,690,48741,18,P,H1 +O,I-Liste,commerciaux,51,612,1008,BCDLEE+Lato,#555,352,404,681,690,48741,18,P,H1 +O,I-Liste,;,51,612,1008,BCDLEE+Lato,#555,407,409,681,690,48741,18,P,H1 +O,B-Pied,16.,51,612,1008,BCDLEE+Lato,#444,380,390,954,961,49014,,Artifact, +O,I-Pied,Planification,51,612,1008,BCDLEE+Lato,#444,391,429,954,961,49014,,Artifact, +O,I-Pied,sectorielle,51,612,1008,BCDLEE+Lato,#444,431,462,954,961,49014,,Artifact, +O,I-Pied,(PPU),51,612,1008,BCDLEE+Lato,#444,464,482,954,961,49014,,Artifact, +O,I-Pied,|,51,612,1008,BCDLEE+Lato,#444,485,487,954,961,49014,,Artifact, +O,I-Pied,51,51,612,1008,BCDLEE+Lato,#444,491,499,954,961,49014,,Artifact, +O,B-Alinea,Segment,52,612,1008,BCDLEE+Lato,#555,113,148,115,124,49183,6,P,H1 +O,I-Alinea,2,52,612,1008,BCDLEE+Lato,#555,150,156,115,124,49183,6,P,H1 +O,I-Alinea,–,52,612,1008,BCDMEE+Lato,#555,158,163,115,124,49183,6,P,H1 +O,I-Alinea,Secteur,52,612,1008,BCDLEE+Lato,#555,166,196,115,124,49183,6,P,H1 +O,I-Alinea,Séraphin,52,612,1008,BCDLEE+Lato,#555,198,233,115,124,49183,6,P,H1 +O,I-Alinea,(limite,52,612,1008,BCDLEE+Lato,#555,235,259,115,124,49183,6,P,H1 +O,I-Alinea,du,52,612,1008,BCDLEE+Lato,#555,262,272,115,124,49183,6,P,H1 +O,I-Alinea,périmètre,52,612,1008,BCDLEE+Lato,#555,274,313,115,124,49183,6,P,H1 +O,I-Alinea,urbain,52,612,1008,BCDLEE+Lato,#555,315,340,115,124,49183,6,P,H1 +O,I-Alinea,à,52,612,1008,BCDLEE+Lato,#555,342,347,115,124,49183,6,P,H1 +O,I-Alinea,la,52,612,1008,BCDLEE+Lato,#555,349,355,115,124,49183,6,P,H1 +O,I-Alinea,rue,52,612,1008,BCDLEE+Lato,#555,358,371,115,124,49183,6,P,H1 +O,I-Alinea,du,52,612,1008,BCDLEE+Lato,#555,373,383,115,124,49183,6,P,H1 +O,I-Alinea,Père-Ovide),52,612,1008,BCDLEE+Lato,#555,385,433,115,124,49183,6,P,H1 +O,B-Liste,•,52,612,1008,SymbolMT,#000,149,153,138,147,49206,7,P,H1 +O,I-Liste,Autoriser,52,612,1008,BCDMEE+Lato,#555,167,204,138,147,49206,7,P,H1 +O,I-Liste,une,52,612,1008,BCDMEE+Lato,#555,211,225,138,147,49206,7,P,H1 +O,I-Liste,panoplie,52,612,1008,BCDMEE+Lato,#555,232,266,138,147,49206,7,P,H1 +O,I-Liste,d’usage,52,612,1008,BCDMEE+Lato,#555,273,303,138,147,49206,7,P,H1 +O,I-Liste,"commercial,",52,612,1008,BCDMEE+Lato,#555,310,357,138,147,49206,7,P,H1 +O,I-Liste,compatibles,52,612,1008,BCDMEE+Lato,#555,364,412,138,147,49206,7,P,H1 +O,I-Liste,avec,52,612,1008,BCDMEE+Lato,#555,418,437,138,147,49206,7,P,H1 +O,I-Liste,les,52,612,1008,BCDMEE+Lato,#555,444,454,138,147,49206,7,P,H1 +O,I-Liste,fonctions,52,612,1008,BCDLEE+Lato,#555,462,499,138,147,49206,7,P,H1 +O,I-Liste,périurbaines,52,612,1008,BCDLEE+Lato,#555,167,216,150,159,49218,7,P,H1 +O,I-Liste,et,52,612,1008,BCDLEE+Lato,#555,219,227,150,159,49218,7,P,H1 +O,I-Liste,de,52,612,1008,BCDLEE+Lato,#555,231,241,150,159,49218,7,P,H1 +O,I-Liste,villégiatures,52,612,1008,BCDLEE+Lato,#555,244,291,150,159,49218,7,P,H1 +O,I-Liste,du,52,612,1008,BCDLEE+Lato,#555,295,305,150,159,49218,7,P,H1 +O,I-Liste,segment.,52,612,1008,BCDLEE+Lato,#555,309,345,150,159,49218,7,P,H1 +O,I-Liste,"Notamment,",52,612,1008,BCDLEE+Lato,#555,348,398,150,159,49218,7,P,H1 +O,I-Liste,les,52,612,1008,BCDLEE+Lato,#555,401,412,150,159,49218,7,P,H1 +O,I-Liste,usages,52,612,1008,BCDLEE+Lato,#555,416,442,150,159,49218,7,P,H1 +O,I-Liste,commerciaux,52,612,1008,BCDLEE+Lato,#555,446,498,150,159,49218,7,P,H1 +O,I-Liste,artériels,52,612,1008,BCDLEE+Lato,#555,167,199,163,172,49231,7,P,H1 +O,I-Liste,et,52,612,1008,BCDLEE+Lato,#555,203,211,163,172,49231,7,P,H1 +O,I-Liste,industriels,52,612,1008,BCDLEE+Lato,#555,216,256,163,172,49231,7,P,H1 +O,I-Liste,légers,52,612,1008,BCDLEE+Lato,#555,261,284,163,172,49231,7,P,H1 +O,I-Liste,de,52,612,1008,BCDLEE+Lato,#555,289,299,163,172,49231,7,P,H1 +O,I-Liste,type,52,612,1008,BCDLEE+Lato,#555,303,321,163,172,49231,7,P,H1 +O,I-Liste,intérieur,52,612,1008,BCDLEE+Lato,#555,325,359,163,172,49231,7,P,H1 +O,I-Liste,et,52,612,1008,BCDLEE+Lato,#555,364,372,163,172,49231,7,P,H1 +O,I-Liste,ne,52,612,1008,BCDLEE+Lato,#555,376,386,163,172,49231,7,P,H1 +O,I-Liste,générant,52,612,1008,BCDLEE+Lato,#555,390,425,163,172,49231,7,P,H1 +O,I-Liste,que,52,612,1008,BCDLEE+Lato,#555,430,445,163,172,49231,7,P,H1 +O,I-Liste,très,52,612,1008,BCDLEE+Lato,#555,449,465,163,172,49231,7,P,H1 +O,I-Liste,peu,52,612,1008,BCDLEE+Lato,#555,469,484,163,172,49231,7,P,H1 +O,I-Liste,de,52,612,1008,BCDLEE+Lato,#555,489,498,163,172,49231,7,P,H1 +O,I-Liste,nuisances,52,612,1008,BCDLEE+Lato,#555,167,205,175,184,49243,7,P,H1 +O,I-Liste,;,52,612,1008,BCDLEE+Lato,#555,208,210,175,184,49243,7,P,H1 +O,B-Liste,•,52,612,1008,SymbolMT,#000,149,153,198,207,49266,8,P,H1 +O,I-Liste,Développer,52,612,1008,BCDLEE+Lato,#555,167,213,198,207,49266,8,P,H1 +O,I-Liste,un,52,612,1008,BCDLEE+Lato,#555,216,226,198,207,49266,8,P,H1 +O,I-Liste,PIIA,52,612,1008,BCDLEE+Lato,#555,228,244,198,207,49266,8,P,H1 +O,I-Liste,adapté,52,612,1008,BCDLEE+Lato,#555,247,274,198,207,49266,8,P,H1 +O,I-Liste,à,52,612,1008,BCDLEE+Lato,#555,276,280,198,207,49266,8,P,H1 +O,I-Liste,ce,52,612,1008,BCDLEE+Lato,#555,283,292,198,207,49266,8,P,H1 +O,I-Liste,segment,52,612,1008,BCDLEE+Lato,#555,294,328,198,207,49266,8,P,H1 +O,I-Liste,;,52,612,1008,BCDLEE+Lato,#555,330,333,198,207,49266,8,P,H1 +O,B-Liste,•,52,612,1008,SymbolMT,#000,149,153,220,229,49288,9,P,H1 +O,I-Liste,Segment,52,612,1008,BCDLEE+Lato,#555,167,202,220,229,49288,9,P,H1 +O,I-Liste,3,52,612,1008,BCDLEE+Lato,#555,206,211,220,229,49288,9,P,H1 +O,I-Liste,–,52,612,1008,BCDMEE+Lato,#555,216,222,220,229,49288,9,P,H1 +O,I-Liste,Secteur,52,612,1008,BCDLEE+Lato,#555,226,256,220,229,49288,9,P,H1 +O,I-Liste,commercial,52,612,1008,BCDLEE+Lato,#555,261,306,220,229,49288,9,P,H1 +O,I-Liste,artériel,52,612,1008,BCDLEE+Lato,#555,311,339,220,229,49288,9,P,H1 +O,I-Liste,(rue,52,612,1008,BCDLEE+Lato,#555,344,359,220,229,49288,9,P,H1 +O,I-Liste,du,52,612,1008,BCDLEE+Lato,#555,364,374,220,229,49288,9,P,H1 +O,I-Liste,Père,52,612,1008,BCDLEE+Lato,#555,379,397,220,229,49288,9,P,H1 +O,I-Liste,Ovide,52,612,1008,BCDLEE+Lato,#555,402,426,220,229,49288,9,P,H1 +O,I-Liste,à,52,612,1008,BCDLEE+Lato,#555,430,435,220,229,49288,9,P,H1 +O,I-Liste,la,52,612,1008,BCDLEE+Lato,#555,439,446,220,229,49288,9,P,H1 +O,I-Liste,limite,52,612,1008,BCDLEE+Lato,#555,451,473,220,229,49288,9,P,H1 +O,I-Liste,de,52,612,1008,BCDLEE+Lato,#555,477,487,220,229,49288,9,P,H1 +O,I-Liste,la,52,612,1008,BCDLEE+Lato,#555,492,498,220,229,49288,9,P,H1 +O,I-Liste,Municipalité,52,612,1008,BCDLEE+Lato,#555,167,216,233,242,49301,9,P,H1 +O,I-Liste,de,52,612,1008,BCDLEE+Lato,#555,218,228,233,242,49301,9,P,H1 +O,I-Liste,Val-Morin),52,612,1008,BCDLEE+Lato,#555,230,272,233,242,49301,9,P,H1 +O,B-Liste,•,52,612,1008,SymbolMT,#000,149,153,255,264,49323,10,P,H1 +O,I-Liste,Autoriser,52,612,1008,BCDMEE+Lato,#555,167,204,255,264,49323,10,P,H1 +O,I-Liste,davantage,52,612,1008,BCDMEE+Lato,#555,206,247,255,264,49323,10,P,H1 +O,I-Liste,d’usages,52,612,1008,BCDMEE+Lato,#555,249,283,255,264,49323,10,P,H1 +O,I-Liste,commerciaux,52,612,1008,BCDMEE+Lato,#555,285,338,255,264,49323,10,P,H1 +O,I-Liste,(sauf,52,612,1008,BCDMEE+Lato,#555,340,359,255,264,49323,10,P,H1 +O,I-Liste,aux,52,612,1008,BCDMEE+Lato,#555,361,375,255,264,49323,10,P,H1 +O,I-Liste,abords,52,612,1008,BCDMEE+Lato,#555,377,404,255,264,49323,10,P,H1 +O,I-Liste,du,52,612,1008,BCDMEE+Lato,#555,407,417,255,264,49323,10,P,H1 +O,I-Liste,lac,52,612,1008,BCDMEE+Lato,#555,419,430,255,264,49323,10,P,H1 +O,I-Liste,Millette),52,612,1008,BCDMEE+Lato,#555,432,465,255,264,49323,10,P,H1 +O,I-Liste,;,52,612,1008,BCDMEE+Lato,#555,468,470,255,264,49323,10,P,H1 +O,B-Liste,•,52,612,1008,SymbolMT,#000,149,153,278,287,49346,11,P,H1 +O,I-Liste,Assurer,52,612,1008,BCDMEE+Lato,#555,167,197,278,287,49346,11,P,H1 +O,I-Liste,l’intégration,52,612,1008,BCDMEE+Lato,#555,199,247,278,287,49346,11,P,H1 +O,I-Liste,des,52,612,1008,BCDMEE+Lato,#555,249,262,278,287,49346,11,P,H1 +O,I-Liste,usages,52,612,1008,BCDMEE+Lato,#555,265,291,278,287,49346,11,P,H1 +O,I-Liste,par,52,612,1008,BCDMEE+Lato,#555,294,307,278,287,49346,11,P,H1 +O,I-Liste,la,52,612,1008,BCDMEE+Lato,#555,309,315,278,287,49346,11,P,H1 +O,I-Liste,mise,52,612,1008,BCDMEE+Lato,#555,318,336,278,287,49346,11,P,H1 +O,I-Liste,en,52,612,1008,BCDMEE+Lato,#555,338,348,278,287,49346,11,P,H1 +O,I-Liste,place,52,612,1008,BCDMEE+Lato,#555,350,371,278,287,49346,11,P,H1 +O,I-Liste,d’un,52,612,1008,BCDMEE+Lato,#555,373,390,278,287,49346,11,P,H1 +O,I-Liste,PIIA,52,612,1008,BCDMEE+Lato,#555,393,409,278,287,49346,11,P,H1 +O,I-Liste,adapté,52,612,1008,BCDMEE+Lato,#555,411,438,278,287,49346,11,P,H1 +O,I-Liste,;,52,612,1008,BCDMEE+Lato,#555,441,443,278,287,49346,11,P,H1 +O,B-Liste,•,52,612,1008,SymbolMT,#000,149,153,300,309,49369,12,P,H1 +O,I-Liste,Gérer,52,612,1008,BCDMEE+Lato,#555,167,190,300,309,49369,12,P,H1 +O,I-Liste,les,52,612,1008,BCDMEE+Lato,#555,192,203,300,309,49369,12,P,H1 +O,I-Liste,gabarits,52,612,1008,BCDMEE+Lato,#555,205,236,300,309,49369,12,P,H1 +O,I-Liste,et,52,612,1008,BCDMEE+Lato,#555,238,246,300,309,49369,12,P,H1 +O,I-Liste,l’aménagement,52,612,1008,BCDMEE+Lato,#555,249,309,300,309,49369,12,P,H1 +O,I-Liste,des,52,612,1008,BCDLEE+Lato,#555,311,325,300,309,49369,12,P,H1 +O,I-Liste,cours.,52,612,1008,BCDLEE+Lato,#555,327,351,300,309,49369,12,P,H1 +O,B-Titre,Figure,52,612,1008,BCDLEE+Lato,#555,44,69,766,775,49834,4,P,Sect;H1 +O,I-Titre,17,52,612,1008,BCDLEE+Lato,#555,71,81,766,775,49834,4,P,Sect;H1 +O,I-Titre,:,52,612,1008,BCDLEE+Lato,#555,84,86,766,775,49834,4,P,Sect;H1 +O,I-Titre,Boulevard,52,612,1008,BCDLEE+Lato,#555,88,128,766,775,49834,4,P,Sect;H1 +O,I-Titre,de,52,612,1008,BCDLEE+Lato,#555,131,141,766,775,49834,4,P,Sect;H1 +O,I-Titre,"Sainte-Adèle,",52,612,1008,BCDLEE+Lato,#555,143,196,766,775,49834,4,P,Sect;H1 +O,I-Titre,direction,52,612,1008,BCDLEE+Lato,#555,198,233,766,775,49834,4,P,Sect;H1 +O,I-Titre,sud,52,612,1008,BCDLEE+Lato,#555,235,249,766,775,49834,4,P,Sect;H1 +O,B-Pied,52,52,612,1008,BCDLEE+Lato,#444,113,122,954,961,50022,,Artifact, +O,I-Pied,|,52,612,1008,BCDLEE+Lato,#444,125,127,954,961,50022,,Artifact, +O,I-Pied,16.,52,612,1008,BCDLEE+Lato,#444,131,140,954,961,50022,,Artifact, +O,I-Pied,Planification,52,612,1008,BCDLEE+Lato,#444,142,180,954,961,50022,,Artifact, +O,I-Pied,sectorielle,52,612,1008,BCDLEE+Lato,#444,182,213,954,961,50022,,Artifact, +O,I-Pied,(PPU),52,612,1008,BCDLEE+Lato,#444,215,232,954,961,50022,,Artifact, diff --git a/data/patches/pu_patch3.csv b/data/patches/pu_patch3.csv new file mode 100644 index 0000000..90b4bec --- /dev/null +++ b/data/patches/pu_patch3.csv @@ -0,0 +1,1914 @@ +sequence,segment,text,page,page_width,page_height,fontname,rgb,x0,x1,top,bottom,doctop,mcid,mctag,tagstack +O,B-Alinea,65,19,612,1008,BCDLEE+Lato,#555,119,129,116,125,18260,0,P,Table;TR;TH;P +O,I-Alinea,ans,19,612,1008,BCDLEE+Lato,#555,132,145,116,125,18260,0,P,Table;TR;TH;P +O,I-Alinea,et,19,612,1008,BCDLEE+Lato,#555,147,155,116,125,18260,0,P,Table;TR;TH;P +O,I-Alinea,+,19,612,1008,BCDLEE+Lato,#555,158,163,116,125,18260,0,P,Table;TR;TH;P +O,I-Alinea,"20,7",19,612,1008,BCDLEE+Lato,#555,261,279,116,125,18260,1,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,281,288,116,125,18260,1,P,Table;TR;TD;P +O,I-Alinea,"25,1",19,612,1008,BCDLEE+Lato,#555,331,348,116,125,18260,2,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,351,358,116,125,18260,2,P,Table;TR;TD;P +O,I-Alinea,"29,6",19,612,1008,BCDLEE+Lato,#555,425,443,116,125,18260,3,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,445,453,116,125,18260,3,P,Table;TR;TD;P +O,I-Alinea,Âge,19,612,1008,BCDLEE+Lato,#555,119,134,129,138,18273,5,P,Table;TR;TH;P +O,I-Alinea,moyen,19,612,1008,BCDLEE+Lato,#555,137,164,129,138,18273,5,P,Table;TR;TH;P +O,I-Alinea,-,19,612,1008,BCDLEE+Lato,#555,273,276,129,138,18273,7,P,Table;TR;TD;P +O,I-Alinea,"47,4",19,612,1008,BCDLEE+Lato,#555,335,353,129,138,18273,9,P,Table;TR;TD;P +O,I-Alinea,"49,3",19,612,1008,BCDLEE+Lato,#555,430,448,129,138,18273,11,P,Table;TR;TD;P +O,B-Alinea,Taille,19,612,1008,BCDLEE+Lato,#555,119,140,141,150,18285,13,P,Table;TR;TH;P +O,I-Alinea,moyenne,19,612,1008,BCDLEE+Lato,#555,142,179,141,150,18285,13,P,Table;TR;TH;P +O,I-Alinea,des,19,612,1008,BCDLEE+Lato,#555,181,195,141,150,18285,13,P,Table;TR;TH;P +O,I-Alinea,ménages,19,612,1008,BCDLEE+Lato,#555,197,232,141,150,18285,13,P,Table;TR;TH;P +O,I-Alinea,2,19,612,1008,BCDLEE+Lato,#555,272,277,141,150,18285,14,P,Table;TR;TD;P +O,I-Alinea,2,19,612,1008,BCDLEE+Lato,#555,341,347,141,150,18285,15,P,Table;TR;TD;P +O,I-Alinea,"1,9",19,612,1008,BCDLEE+Lato,#555,433,445,141,150,18285,16,P,Table;TR;TD;P +O,B-Alinea,Ménage,19,612,1008,BCDMEE+Lato,#555,119,151,155,164,18299,18,P,Table;TR;TH;P +O,I-Alinea,d’une,19,612,1008,BCDMEE+Lato,#555,153,175,155,164,18299,18,P,Table;TR;TH;P +O,I-Alinea,personne,19,612,1008,BCDMEE+Lato,#555,177,214,155,164,18299,18,P,Table;TR;TH;P +O,I-Alinea,"35,9",19,612,1008,BCDLEE+Lato,#555,266,284,155,164,18299,20,P,Table;TR;TD;P +O,I-Alinea,"38,4",19,612,1008,BCDLEE+Lato,#555,331,348,155,164,18299,22,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,351,358,155,164,18299,22,P,Table;TR;TD;P +O,I-Alinea,"44,4",19,612,1008,BCDLEE+Lato,#555,425,443,155,164,18299,24,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,445,453,155,164,18299,24,P,Table;TR;TD;P +O,I-Alinea,Première,19,612,1008,BCDLEE+Lato,#555,119,155,168,177,18312,26,P,Table;TR;TH;P +O,I-Alinea,langue,19,612,1008,BCDLEE+Lato,#555,157,183,168,177,18312,26,P,Table;TR;TH;P +O,I-Alinea,:,19,612,1008,BCDLEE+Lato,#555,185,188,168,177,18312,26,P,Table;TR;TH;P +O,I-Alinea,français,19,612,1008,BCDLEE+Lato,#555,190,221,168,177,18312,26,P,Table;TR;TH;P +O,I-Alinea,93,19,612,1008,BCDLEE+Lato,#555,265,275,168,177,18312,27,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,278,285,168,177,18312,27,P,Table;TR;TD;P +O,I-Alinea,"93,4",19,612,1008,BCDLEE+Lato,#555,331,348,168,177,18312,28,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,351,358,168,177,18312,28,P,Table;TR;TD;P +O,I-Alinea,94,19,612,1008,BCDLEE+Lato,#555,429,439,168,177,18312,29,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,442,449,168,177,18312,29,P,Table;TR;TD;P +O,I-Alinea,Propriétaire,19,612,1008,BCDLEE+Lato,#555,119,166,181,190,18325,31,P,Table;TR;TH;P +O,I-Alinea,-,19,612,1008,BCDLEE+Lato,#555,273,276,181,190,18325,33,P,Table;TR;TD;P +O,I-Alinea,"68,8",19,612,1008,BCDLEE+Lato,#555,331,348,181,190,18325,35,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,351,358,181,190,18325,35,P,Table;TR;TD;P +O,I-Alinea,"56,9",19,612,1008,BCDLEE+Lato,#555,425,443,181,190,18325,37,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,445,453,181,190,18325,37,P,Table;TR;TD;P +O,B-Alinea,Certificat,19,612,1008,BCDLEE+Lato,#555,119,156,194,203,18338,39,P,Table;TR;TH;P +O,I-Alinea,postsecondaire,19,612,1008,BCDLEE+Lato,#555,158,218,194,203,18338,39,P,Table;TR;TH;P +O,I-Alinea,-,19,612,1008,BCDLEE+Lato,#555,273,276,194,203,18338,40,P,Table;TR;TD;P +O,I-Alinea,"61,2",19,612,1008,BCDLEE+Lato,#555,331,348,194,203,18338,41,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,351,358,194,203,18338,41,P,Table;TR;TD;P +O,I-Alinea,57,19,612,1008,BCDLEE+Lato,#555,429,439,194,203,18338,42,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,442,449,194,203,18338,42,P,Table;TR;TD;P +O,I-Alinea,Universitaire,19,612,1008,BCDLEE+Lato,#555,119,169,207,216,18351,44,P,Table;TR;TH;P +O,I-Alinea,ou,19,612,1008,BCDLEE+Lato,#555,172,182,207,216,18351,44,P,Table;TR;TH;P +O,I-Alinea,plus,19,612,1008,BCDLEE+Lato,#555,184,200,207,216,18351,44,P,Table;TR;TH;P +O,I-Alinea,-,19,612,1008,BCDLEE+Lato,#555,273,276,207,216,18351,46,P,Table;TR;TD;P +O,I-Alinea,"20,4",19,612,1008,BCDLEE+Lato,#555,331,348,207,216,18351,48,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,351,358,207,216,18351,48,P,Table;TR;TD;P +O,I-Alinea,"18,5",19,612,1008,BCDLEE+Lato,#555,425,443,207,216,18351,50,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,445,453,207,216,18351,50,P,Table;TR;TD;P +O,I-Alinea,Travaille,19,612,1008,BCDLEE+Lato,#555,119,152,220,229,18364,52,P,Table;TR;TH;P +O,I-Alinea,hors,19,612,1008,BCDLEE+Lato,#555,155,172,220,229,18364,52,P,Table;TR;TH;P +O,I-Alinea,sdr,19,612,1008,BCDLEE+Lato,#555,174,186,220,229,18364,52,P,Table;TR;TH;P +O,I-Alinea,-,19,612,1008,BCDLEE+Lato,#555,273,276,220,229,18364,53,P,Table;TR;TD;P +O,I-Alinea,56,19,612,1008,BCDLEE+Lato,#555,334,345,220,229,18364,54,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,347,354,220,229,18364,54,P,Table;TR;TD;P +O,I-Alinea,53,19,612,1008,BCDLEE+Lato,#555,429,439,220,229,18364,55,P,Table;TR;TD;P +O,I-Alinea,%,19,612,1008,BCDLEE+Lato,#555,442,449,220,229,18364,55,P,Table;TR;TD;P +O,B-Alinea,En,19,612,1008,BCDLEE+Lato,#555,113,124,255,264,18399,57,P,H1 +O,I-Alinea,"somme,",19,612,1008,BCDLEE+Lato,#555,126,156,255,264,18399,57,P,H1 +O,I-Alinea,la,19,612,1008,BCDLEE+Lato,#555,158,165,255,264,18399,57,P,H1 +O,I-Alinea,population,19,612,1008,BCDLEE+Lato,#555,167,209,255,264,18399,57,P,H1 +O,I-Alinea,de,19,612,1008,BCDLEE+Lato,#555,211,221,255,264,18399,57,P,H1 +O,I-Alinea,Sainte-Adèle,19,612,1008,BCDLEE+Lato,#555,223,274,255,264,18399,57,P,H1 +O,I-Alinea,s’est,19,612,1008,BCDMEE+Lato,#555,276,293,255,264,18399,57,P,H1 +O,I-Alinea,stabilisée,19,612,1008,BCDMEE+Lato,#555,295,332,255,264,18399,57,P,H1 +O,I-Alinea,au,19,612,1008,BCDMEE+Lato,#555,334,343,255,264,18399,57,P,H1 +O,I-Alinea,cours,19,612,1008,BCDMEE+Lato,#555,345,367,255,264,18399,57,P,H1 +O,I-Alinea,des,19,612,1008,BCDMEE+Lato,#555,369,382,255,264,18399,57,P,H1 +O,I-Alinea,dernières,19,612,1008,BCDMEE+Lato,#555,384,421,255,264,18399,57,P,H1 +O,I-Alinea,années.,19,612,1008,BCDMEE+Lato,#555,423,453,255,264,18399,57,P,H1 +O,I-Alinea,Celle-ci,19,612,1008,BCDMEE+Lato,#555,455,485,255,264,18399,57,P,H1 +O,I-Alinea,est,19,612,1008,BCDLEE+Lato,#555,487,499,255,264,18399,57,P,H1 +O,I-Alinea,vieillissante,19,612,1008,BCDLEE+Lato,#555,113,159,268,277,18412,57,P,H1 +O,I-Alinea,et,19,612,1008,BCDLEE+Lato,#555,161,169,268,277,18412,57,P,H1 +O,I-Alinea,parle,19,612,1008,BCDLEE+Lato,#555,171,191,268,277,18412,57,P,H1 +O,I-Alinea,très,19,612,1008,BCDLEE+Lato,#555,193,209,268,277,18412,57,P,H1 +O,I-Alinea,majoritairement,19,612,1008,BCDLEE+Lato,#555,211,274,268,277,18412,57,P,H1 +O,I-Alinea,français.,19,612,1008,BCDLEE+Lato,#555,276,309,268,277,18412,57,P,H1 +O,B-Alinea,La,19,612,1008,BCDLEE+Lato,#555,113,123,290,299,18434,58,P,H1 +O,I-Alinea,population,19,612,1008,BCDLEE+Lato,#555,125,167,290,299,18434,58,P,H1 +O,I-Alinea,du,19,612,1008,BCDLEE+Lato,#555,169,179,290,299,18434,58,P,H1 +O,I-Alinea,secteur,19,612,1008,BCDLEE+Lato,#555,181,210,290,299,18434,58,P,H1 +O,I-Alinea,centre,19,612,1008,BCDLEE+Lato,#555,212,238,290,299,18434,58,P,H1 +O,I-Alinea,est,19,612,1008,BCDLEE+Lato,#555,240,252,290,299,18434,58,P,H1 +O,I-Alinea,également,19,612,1008,BCDLEE+Lato,#555,254,295,290,299,18434,58,P,H1 +O,I-Alinea,considérablement,19,612,1008,BCDLEE+Lato,#555,297,368,290,299,18434,58,P,H1 +O,I-Alinea,plus,19,612,1008,BCDLEE+Lato,#555,370,386,290,299,18434,58,P,H1 +O,I-Alinea,"âgée,",19,612,1008,BCDLEE+Lato,#555,388,409,290,299,18434,58,P,H1 +O,I-Alinea,moins,19,612,1008,BCDLEE+Lato,#555,411,434,290,299,18434,58,P,H1 +O,I-Alinea,"éduquée,",19,612,1008,BCDLEE+Lato,#555,437,473,290,299,18434,58,P,H1 +O,I-Alinea,moins,19,612,1008,BCDLEE+Lato,#555,475,499,290,299,18434,58,P,H1 +O,I-Alinea,propriétaire,19,612,1008,BCDLEE+Lato,#555,113,160,303,312,18447,58,P,H1 +O,I-Alinea,de,19,612,1008,BCDLEE+Lato,#555,162,172,303,312,18447,58,P,H1 +O,I-Alinea,sa,19,612,1008,BCDLEE+Lato,#555,174,183,303,312,18447,58,P,H1 +O,I-Alinea,résidence,19,612,1008,BCDLEE+Lato,#555,185,223,303,312,18447,58,P,H1 +O,I-Alinea,et,19,612,1008,BCDLEE+Lato,#555,225,233,303,312,18447,58,P,H1 +O,I-Alinea,a,19,612,1008,BCDLEE+Lato,#555,235,240,303,312,18447,58,P,H1 +O,I-Alinea,une,19,612,1008,BCDLEE+Lato,#555,242,257,303,312,18447,58,P,H1 +O,I-Alinea,propension,19,612,1008,BCDLEE+Lato,#555,259,304,303,312,18447,58,P,H1 +O,I-Alinea,plus,19,612,1008,BCDLEE+Lato,#555,306,322,303,312,18447,58,P,H1 +O,I-Alinea,importante,19,612,1008,BCDLEE+Lato,#555,324,368,303,312,18447,58,P,H1 +O,I-Alinea,à,19,612,1008,BCDLEE+Lato,#555,370,375,303,312,18447,58,P,H1 +O,I-Alinea,habiter,19,612,1008,BCDLEE+Lato,#555,377,405,303,312,18447,58,P,H1 +O,I-Alinea,seule.,19,612,1008,BCDLEE+Lato,#555,407,430,303,312,18447,58,P,H1 +O,B-Alinea,Il,19,612,1008,BCDMEE+Lato,#555,113,118,325,334,18469,59,P,H1 +O,I-Alinea,y,19,612,1008,BCDMEE+Lato,#555,120,125,325,334,18469,59,P,H1 +O,I-Alinea,a,19,612,1008,BCDMEE+Lato,#555,127,132,325,334,18469,59,P,H1 +O,I-Alinea,donc,19,612,1008,BCDMEE+Lato,#555,134,153,325,334,18469,59,P,H1 +O,I-Alinea,lieu,19,612,1008,BCDMEE+Lato,#555,156,170,325,334,18469,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,172,182,325,334,18469,59,P,H1 +O,I-Alinea,croire,19,612,1008,BCDMEE+Lato,#555,184,207,325,334,18469,59,P,H1 +O,I-Alinea,qu’avec,19,612,1008,BCDMEE+Lato,#555,209,239,325,334,18469,59,P,H1 +O,I-Alinea,le,19,612,1008,BCDMEE+Lato,#555,242,248,325,334,18469,59,P,H1 +O,I-Alinea,vieillissement,19,612,1008,BCDMEE+Lato,#555,251,304,325,334,18469,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,306,316,325,334,18469,59,P,H1 +O,I-Alinea,la,19,612,1008,BCDMEE+Lato,#555,318,325,325,334,18469,59,P,H1 +O,I-Alinea,"population,",19,612,1008,BCDMEE+Lato,#555,327,371,325,334,18469,59,P,H1 +O,I-Alinea,la,19,612,1008,BCDMEE+Lato,#555,373,380,325,334,18469,59,P,H1 +O,I-Alinea,demande,19,612,1008,BCDMEE+Lato,#555,382,419,325,334,18469,59,P,H1 +O,I-Alinea,pour,19,612,1008,BCDMEE+Lato,#555,421,439,325,334,18469,59,P,H1 +O,I-Alinea,des,19,612,1008,BCDMEE+Lato,#555,442,455,325,334,18469,59,P,H1 +O,I-Alinea,logements,19,612,1008,BCDMEE+Lato,#555,458,498,325,334,18469,59,P,H1 +O,I-Alinea,au,19,612,1008,BCDMEE+Lato,#555,113,123,337,346,18481,59,P,H1 +O,I-Alinea,centre,19,612,1008,BCDMEE+Lato,#555,127,152,337,346,18481,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,156,166,337,346,18481,59,P,H1 +O,I-Alinea,l’agglomération,19,612,1008,BCDMEE+Lato,#555,169,230,337,346,18481,59,P,H1 +O,I-Alinea,ira,19,612,1008,BCDMEE+Lato,#555,233,243,337,346,18481,59,P,H1 +O,I-Alinea,en,19,612,1008,BCDMEE+Lato,#555,247,257,337,346,18481,59,P,H1 +O,I-Alinea,"augmentant,",19,612,1008,BCDMEE+Lato,#555,260,310,337,346,18481,59,P,H1 +O,I-Alinea,alors,19,612,1008,BCDMEE+Lato,#555,314,332,337,346,18481,59,P,H1 +O,I-Alinea,que,19,612,1008,BCDMEE+Lato,#555,336,351,337,346,18481,59,P,H1 +O,I-Alinea,le,19,612,1008,BCDMEE+Lato,#555,354,361,337,346,18481,59,P,H1 +O,I-Alinea,solde,19,612,1008,BCDMEE+Lato,#555,365,386,337,346,18481,59,P,H1 +O,I-Alinea,immobilier,19,612,1008,BCDMEE+Lato,#555,390,431,337,346,18481,59,P,H1 +O,I-Alinea,actuel,19,612,1008,BCDMEE+Lato,#555,435,459,337,346,18481,59,P,H1 +O,I-Alinea,n’est,19,612,1008,BCDMEE+Lato,#555,463,482,337,346,18481,59,P,H1 +O,I-Alinea,pas,19,612,1008,BCDMEE+Lato,#555,485,499,337,346,18481,59,P,H1 +O,I-Alinea,réellement,19,612,1008,BCDMEE+Lato,#555,113,156,350,359,18494,59,P,H1 +O,I-Alinea,en,19,612,1008,BCDMEE+Lato,#555,159,168,350,359,18494,59,P,H1 +O,I-Alinea,mesure,19,612,1008,BCDMEE+Lato,#555,171,201,350,359,18494,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,204,213,350,359,18494,59,P,H1 +O,I-Alinea,l’accueillir.,19,612,1008,BCDMEE+Lato,#555,216,257,350,359,18494,59,P,H1 +O,I-Alinea,C’est,19,612,1008,BCDMEE+Lato,#555,260,280,350,359,18494,59,P,H1 +O,I-Alinea,donc,19,612,1008,BCDMEE+Lato,#555,283,302,350,359,18494,59,P,H1 +O,I-Alinea,dire,19,612,1008,BCDMEE+Lato,#555,305,320,350,359,18494,59,P,H1 +O,I-Alinea,que,19,612,1008,BCDMEE+Lato,#555,324,338,350,359,18494,59,P,H1 +O,I-Alinea,si,19,612,1008,BCDMEE+Lato,#555,341,347,350,359,18494,59,P,H1 +O,I-Alinea,une,19,612,1008,BCDMEE+Lato,#555,350,365,350,359,18494,59,P,H1 +O,I-Alinea,densification,19,612,1008,BCDMEE+Lato,#555,368,419,350,359,18494,59,P,H1 +O,I-Alinea,du,19,612,1008,BCDMEE+Lato,#555,422,432,350,359,18494,59,P,H1 +O,I-Alinea,centre,19,612,1008,BCDMEE+Lato,#555,435,460,350,359,18494,59,P,H1 +O,I-Alinea,n’est,19,612,1008,BCDMEE+Lato,#555,463,482,350,359,18494,59,P,H1 +O,I-Alinea,pas,19,612,1008,BCDMEE+Lato,#555,485,498,350,359,18494,59,P,H1 +O,I-Alinea,"entreprise,",19,612,1008,BCDMEE+Lato,#555,113,156,362,371,18506,59,P,H1 +O,I-Alinea,les,19,612,1008,BCDMEE+Lato,#555,158,169,362,371,18506,59,P,H1 +O,I-Alinea,ainés,19,612,1008,BCDMEE+Lato,#555,171,191,362,371,18506,59,P,H1 +O,I-Alinea,et,19,612,1008,BCDMEE+Lato,#555,194,202,362,371,18506,59,P,H1 +O,I-Alinea,les,19,612,1008,BCDMEE+Lato,#555,204,215,362,371,18506,59,P,H1 +O,I-Alinea,gens,19,612,1008,BCDMEE+Lato,#555,217,235,362,371,18506,59,P,H1 +O,I-Alinea,à,19,612,1008,BCDMEE+Lato,#555,237,242,362,371,18506,59,P,H1 +O,I-Alinea,plus,19,612,1008,BCDMEE+Lato,#555,244,260,362,371,18506,59,P,H1 +O,I-Alinea,faibles,19,612,1008,BCDMEE+Lato,#555,263,288,362,371,18506,59,P,H1 +O,I-Alinea,revenus,19,612,1008,BCDMEE+Lato,#555,290,322,362,371,18506,59,P,H1 +O,I-Alinea,n’auront,19,612,1008,BCDMEE+Lato,#555,324,357,362,371,18506,59,P,H1 +O,I-Alinea,d’autres,19,612,1008,BCDMEE+Lato,#555,359,391,362,371,18506,59,P,H1 +O,I-Alinea,choix,19,612,1008,BCDMEE+Lato,#555,393,414,362,371,18506,59,P,H1 +O,I-Alinea,que,19,612,1008,BCDMEE+Lato,#555,416,431,362,371,18506,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,434,443,362,371,18506,59,P,H1 +O,I-Alinea,se,19,612,1008,BCDMEE+Lato,#555,446,454,362,371,18506,59,P,H1 +O,I-Alinea,délocaliser,19,612,1008,BCDMEE+Lato,#555,457,498,362,371,18506,59,P,H1 +O,I-Alinea,pour,19,612,1008,BCDLEE+Lato,#555,113,132,375,384,18519,59,P,H1 +O,I-Alinea,obtenir,19,612,1008,BCDLEE+Lato,#555,138,167,375,384,18519,59,P,H1 +O,I-Alinea,des,19,612,1008,BCDLEE+Lato,#555,173,186,375,384,18519,59,P,H1 +O,I-Alinea,logements,19,612,1008,BCDLEE+Lato,#555,192,233,375,384,18519,59,P,H1 +O,I-Alinea,"adaptés,",19,612,1008,BCDLEE+Lato,#555,239,272,375,384,18519,59,P,H1 +O,I-Alinea,ce,19,612,1008,BCDLEE+Lato,#555,278,287,375,384,18519,59,P,H1 +O,I-Alinea,qui,19,612,1008,BCDLEE+Lato,#555,293,306,375,384,18519,59,P,H1 +O,I-Alinea,aura,19,612,1008,BCDLEE+Lato,#555,312,329,375,384,18519,59,P,H1 +O,I-Alinea,un,19,612,1008,BCDLEE+Lato,#555,335,345,375,384,18519,59,P,H1 +O,I-Alinea,impact,19,612,1008,BCDLEE+Lato,#555,351,378,375,384,18519,59,P,H1 +O,I-Alinea,sur,19,612,1008,BCDLEE+Lato,#555,384,396,375,384,18519,59,P,H1 +O,I-Alinea,la,19,612,1008,BCDLEE+Lato,#555,402,409,375,384,18519,59,P,H1 +O,I-Alinea,mixité,19,612,1008,BCDLEE+Lato,#555,415,439,375,384,18519,59,P,H1 +O,I-Alinea,sociale,19,612,1008,BCDLEE+Lato,#555,445,472,375,384,18519,59,P,H1 +O,I-Alinea,et,19,612,1008,BCDLEE+Lato,#555,478,486,375,384,18519,59,P,H1 +O,I-Alinea,la,19,612,1008,BCDLEE+Lato,#555,492,498,375,384,18519,59,P,H1 +O,I-Alinea,complémentarité,19,612,1008,BCDMEE+Lato,#555,113,180,387,396,18531,59,P,H1 +O,I-Alinea,économique.,19,612,1008,BCDMEE+Lato,#555,182,233,387,396,18531,59,P,H1 +O,I-Alinea,De,19,612,1008,BCDMEE+Lato,#555,235,246,387,396,18531,59,P,H1 +O,I-Alinea,"plus,",19,612,1008,BCDMEE+Lato,#555,248,267,387,396,18531,59,P,H1 +O,I-Alinea,l’absence,19,612,1008,BCDMEE+Lato,#555,268,305,387,396,18531,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,307,316,387,396,18531,59,P,H1 +O,I-Alinea,renouvèlement,19,612,1008,BCDMEE+Lato,#555,318,378,387,396,18531,59,P,H1 +O,I-Alinea,du,19,612,1008,BCDMEE+Lato,#555,380,390,387,396,18531,59,P,H1 +O,I-Alinea,cadre,19,612,1008,BCDMEE+Lato,#555,392,414,387,396,18531,59,P,H1 +O,I-Alinea,bâti,19,612,1008,BCDMEE+Lato,#555,416,430,387,396,18531,59,P,H1 +O,I-Alinea,aura,19,612,1008,BCDMEE+Lato,#555,432,450,387,396,18531,59,P,H1 +O,I-Alinea,pour,19,612,1008,BCDMEE+Lato,#555,451,470,387,396,18531,59,P,H1 +O,I-Alinea,impact,19,612,1008,BCDMEE+Lato,#555,472,498,387,396,18531,59,P,H1 +O,I-Alinea,une,19,612,1008,BCDLEE+Lato,#555,113,128,400,409,18544,59,P,H1 +O,I-Alinea,baisse,19,612,1008,BCDLEE+Lato,#555,133,158,400,409,18544,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDLEE+Lato,#555,163,173,400,409,18544,59,P,H1 +O,I-Alinea,la,19,612,1008,BCDLEE+Lato,#555,178,185,400,409,18544,59,P,H1 +O,I-Alinea,valeur,19,612,1008,BCDLEE+Lato,#555,190,214,400,409,18544,59,P,H1 +O,I-Alinea,relative,19,612,1008,BCDLEE+Lato,#555,219,249,400,409,18544,59,P,H1 +O,I-Alinea,des,19,612,1008,BCDLEE+Lato,#555,254,267,400,409,18544,59,P,H1 +O,I-Alinea,bâtiments,19,612,1008,BCDLEE+Lato,#555,273,312,400,409,18544,59,P,H1 +O,I-Alinea,en,19,612,1008,BCDLEE+Lato,#555,317,327,400,409,18544,59,P,H1 +O,I-Alinea,place,19,612,1008,BCDLEE+Lato,#555,332,353,400,409,18544,59,P,H1 +O,I-Alinea,et,19,612,1008,BCDLEE+Lato,#555,358,366,400,409,18544,59,P,H1 +O,I-Alinea,par,19,612,1008,BCDLEE+Lato,#555,371,384,400,409,18544,59,P,H1 +O,I-Alinea,"conséquent,",19,612,1008,BCDLEE+Lato,#555,389,437,400,409,18544,59,P,H1 +O,I-Alinea,entrainera,19,612,1008,BCDLEE+Lato,#555,442,483,400,409,18544,59,P,H1 +O,I-Alinea,un,19,612,1008,BCDLEE+Lato,#555,488,498,400,409,18544,59,P,H1 +O,I-Alinea,vieillissement,19,612,1008,BCDLEE+Lato,#555,113,166,412,421,18556,59,P,H1 +O,I-Alinea,rapide,19,612,1008,BCDLEE+Lato,#555,170,194,412,421,18556,59,P,H1 +O,I-Alinea,du,19,612,1008,BCDLEE+Lato,#555,197,207,412,421,18556,59,P,H1 +O,I-Alinea,parc,19,612,1008,BCDLEE+Lato,#555,210,227,412,421,18556,59,P,H1 +O,I-Alinea,locatif.,19,612,1008,BCDLEE+Lato,#555,230,257,412,421,18556,59,P,H1 +O,I-Alinea,Des,19,612,1008,BCDLEE+Lato,#555,260,276,412,421,18556,59,P,H1 +O,I-Alinea,logements,19,612,1008,BCDLEE+Lato,#555,278,319,412,421,18556,59,P,H1 +O,I-Alinea,de,19,612,1008,BCDLEE+Lato,#555,322,332,412,421,18556,59,P,H1 +O,I-Alinea,moins,19,612,1008,BCDLEE+Lato,#555,335,359,412,421,18556,59,P,H1 +O,I-Alinea,grande,19,612,1008,BCDLEE+Lato,#555,362,389,412,421,18556,59,P,H1 +O,I-Alinea,"qualité,",19,612,1008,BCDLEE+Lato,#555,392,421,412,421,18556,59,P,H1 +O,I-Alinea,pour,19,612,1008,BCDLEE+Lato,#555,424,442,412,421,18556,59,P,H1 +O,I-Alinea,des,19,612,1008,BCDLEE+Lato,#555,445,459,412,421,18556,59,P,H1 +O,I-Alinea,loyers,19,612,1008,BCDLEE+Lato,#555,462,486,412,421,18556,59,P,H1 +O,I-Alinea,en,19,612,1008,BCDLEE+Lato,#555,489,498,412,421,18556,59,P,H1 +O,I-Alinea,"hausse,",19,612,1008,BCDMEE+Lato,#555,113,143,424,433,18568,59,P,H1 +O,I-Alinea,ce,19,612,1008,BCDMEE+Lato,#555,145,154,424,433,18568,59,P,H1 +O,I-Alinea,qui,19,612,1008,BCDMEE+Lato,#555,156,168,424,433,18568,59,P,H1 +O,I-Alinea,aggravera,19,612,1008,BCDMEE+Lato,#555,171,209,424,433,18568,59,P,H1 +O,I-Alinea,le,19,612,1008,BCDMEE+Lato,#555,212,219,424,433,18568,59,P,H1 +O,I-Alinea,problème,19,612,1008,BCDMEE+Lato,#555,221,258,424,433,18568,59,P,H1 +O,I-Alinea,d’écart,19,612,1008,BCDMEE+Lato,#555,261,288,424,433,18568,59,P,H1 +O,I-Alinea,entre,19,612,1008,BCDMEE+Lato,#555,290,311,424,433,18568,59,P,H1 +O,I-Alinea,mieux,19,612,1008,BCDMEE+Lato,#555,313,337,424,433,18568,59,P,H1 +O,I-Alinea,et,19,612,1008,BCDMEE+Lato,#555,339,347,424,433,18568,59,P,H1 +O,I-Alinea,moins,19,612,1008,BCDMEE+Lato,#555,350,373,424,433,18568,59,P,H1 +O,I-Alinea,nantis.,19,612,1008,BCDMEE+Lato,#555,376,401,424,433,18568,59,P,H1 +O,B-Alinea,La,19,612,1008,BCDMEE+Lato,#555,113,123,447,456,18591,60,P,H1 +O,I-Alinea,proportion,19,612,1008,BCDMEE+Lato,#555,125,168,447,456,18591,60,P,H1 +O,I-Alinea,des,19,612,1008,BCDMEE+Lato,#555,170,184,447,456,18591,60,P,H1 +O,I-Alinea,jeunes,19,612,1008,BCDMEE+Lato,#555,187,213,447,456,18591,60,P,H1 +O,I-Alinea,enfants,19,612,1008,BCDMEE+Lato,#555,215,245,447,456,18591,60,P,H1 +O,I-Alinea,se,19,612,1008,BCDMEE+Lato,#555,248,256,447,456,18591,60,P,H1 +O,I-Alinea,maintient,19,612,1008,BCDMEE+Lato,#555,259,297,447,456,18591,60,P,H1 +O,I-Alinea,malgré,19,612,1008,BCDMEE+Lato,#555,300,326,447,456,18591,60,P,H1 +O,I-Alinea,l’augmentation,19,612,1008,BCDMEE+Lato,#555,329,388,447,456,18591,60,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,390,400,447,456,18591,60,P,H1 +O,I-Alinea,"population,",19,612,1008,BCDMEE+Lato,#555,403,447,447,456,18591,60,P,H1 +O,I-Alinea,ce,19,612,1008,BCDMEE+Lato,#555,450,459,447,456,18591,60,P,H1 +O,I-Alinea,qui,19,612,1008,BCDMEE+Lato,#555,462,474,447,456,18591,60,P,H1 +O,I-Alinea,laisse,19,612,1008,BCDMEE+Lato,#555,477,498,447,456,18591,60,P,H1 +O,I-Alinea,croire,19,612,1008,BCDLEE+Lato,#555,113,136,459,468,18603,60,P,H1 +O,I-Alinea,que,19,612,1008,BCDLEE+Lato,#555,140,155,459,468,18603,60,P,H1 +O,I-Alinea,le,19,612,1008,BCDLEE+Lato,#555,158,165,459,468,18603,60,P,H1 +O,I-Alinea,nombre,19,612,1008,BCDLEE+Lato,#555,169,199,459,468,18603,60,P,H1 +O,I-Alinea,de,19,612,1008,BCDLEE+Lato,#555,203,213,459,468,18603,60,P,H1 +O,I-Alinea,ménages,19,612,1008,BCDLEE+Lato,#555,217,251,459,468,18603,60,P,H1 +O,I-Alinea,avec,19,612,1008,BCDLEE+Lato,#555,255,273,459,468,18603,60,P,H1 +O,I-Alinea,enfant,19,612,1008,BCDLEE+Lato,#555,277,303,459,468,18603,60,P,H1 +O,I-Alinea,est,19,612,1008,BCDLEE+Lato,#555,306,318,459,468,18603,60,P,H1 +O,I-Alinea,en,19,612,1008,BCDLEE+Lato,#555,322,331,459,468,18603,60,P,H1 +O,I-Alinea,légère,19,612,1008,BCDLEE+Lato,#555,335,359,459,468,18603,60,P,H1 +O,I-Alinea,croissance,19,612,1008,BCDLEE+Lato,#555,363,404,459,468,18603,60,P,H1 +O,I-Alinea,sans,19,612,1008,BCDLEE+Lato,#555,408,425,459,468,18603,60,P,H1 +O,I-Alinea,pouvoir,19,612,1008,BCDLEE+Lato,#555,429,459,459,468,18603,60,P,H1 +O,I-Alinea,toutefois,19,612,1008,BCDLEE+Lato,#555,463,498,459,468,18603,60,P,H1 +O,I-Alinea,considérer,19,612,1008,BCDMEE+Lato,#555,113,155,472,481,18616,60,P,H1 +O,I-Alinea,qu’il,19,612,1008,BCDMEE+Lato,#555,158,174,472,481,18616,60,P,H1 +O,I-Alinea,y,19,612,1008,BCDMEE+Lato,#555,177,182,472,481,18616,60,P,H1 +O,I-Alinea,a,19,612,1008,BCDMEE+Lato,#555,185,189,472,481,18616,60,P,H1 +O,I-Alinea,une,19,612,1008,BCDMEE+Lato,#555,192,207,472,481,18616,60,P,H1 +O,I-Alinea,croissance,19,612,1008,BCDMEE+Lato,#555,210,251,472,481,18616,60,P,H1 +O,I-Alinea,significative,19,612,1008,BCDMEE+Lato,#555,253,300,472,481,18616,60,P,H1 +O,I-Alinea,au,19,612,1008,BCDMEE+Lato,#555,303,313,472,481,18616,60,P,H1 +O,I-Alinea,point,19,612,1008,BCDMEE+Lato,#555,315,336,472,481,18616,60,P,H1 +O,I-Alinea,de,19,612,1008,BCDMEE+Lato,#555,339,349,472,481,18616,60,P,H1 +O,I-Alinea,nécessiter,19,612,1008,BCDMEE+Lato,#555,351,391,472,481,18616,60,P,H1 +O,I-Alinea,d’augmenter,19,612,1008,BCDMEE+Lato,#555,394,444,472,481,18616,60,P,H1 +O,I-Alinea,massivement,19,612,1008,BCDMEE+Lato,#555,447,498,472,481,18616,60,P,H1 +O,I-Alinea,les,19,612,1008,BCDLEE+Lato,#555,113,124,484,493,18628,60,P,H1 +O,I-Alinea,services,19,612,1008,BCDLEE+Lato,#555,127,158,484,493,18628,60,P,H1 +O,I-Alinea,leur,19,612,1008,BCDLEE+Lato,#555,161,176,484,493,18628,60,P,H1 +O,I-Alinea,étant,19,612,1008,BCDLEE+Lato,#555,179,199,484,493,18628,60,P,H1 +O,I-Alinea,destinés.,19,612,1008,BCDLEE+Lato,#555,202,237,484,493,18628,60,P,H1 +O,I-Alinea,La,19,612,1008,BCDLEE+Lato,#555,239,249,484,493,18628,60,P,H1 +O,I-Alinea,croissance,19,612,1008,BCDLEE+Lato,#555,251,292,484,493,18628,60,P,H1 +O,I-Alinea,relative,19,612,1008,BCDLEE+Lato,#555,295,324,484,493,18628,60,P,H1 +O,I-Alinea,étant,19,612,1008,BCDLEE+Lato,#555,327,348,484,493,18628,60,P,H1 +O,I-Alinea,"constante,",19,612,1008,BCDLEE+Lato,#555,350,391,484,493,18628,60,P,H1 +O,I-Alinea,nous,19,612,1008,BCDLEE+Lato,#555,394,413,484,493,18628,60,P,H1 +O,I-Alinea,n’assistons,19,612,1008,BCDMEE+Lato,#555,416,458,484,493,18628,60,P,H1 +O,I-Alinea,pas,19,612,1008,BCDMEE+Lato,#555,461,474,484,493,18628,60,P,H1 +O,I-Alinea,à,19,612,1008,BCDMEE+Lato,#555,477,481,484,493,18628,60,P,H1 +O,I-Alinea,une,19,612,1008,BCDMEE+Lato,#555,484,499,484,493,18628,60,P,H1 +O,I-Alinea,croissance,19,612,1008,BCDLEE+Lato,#555,113,155,497,506,18641,60,P,H1 +O,I-Alinea,rapide,19,612,1008,BCDLEE+Lato,#555,157,182,497,506,18641,60,P,H1 +O,I-Alinea,comme,19,612,1008,BCDLEE+Lato,#555,184,213,497,506,18641,60,P,H1 +O,I-Alinea,avec,19,612,1008,BCDLEE+Lato,#555,215,233,497,506,18641,60,P,H1 +O,I-Alinea,la,19,612,1008,BCDLEE+Lato,#555,236,242,497,506,18641,60,P,H1 +O,I-Alinea,tranche,19,612,1008,BCDLEE+Lato,#555,244,275,497,506,18641,60,P,H1 +O,I-Alinea,des,19,612,1008,BCDLEE+Lato,#555,277,291,497,506,18641,60,P,H1 +O,I-Alinea,ainés.,19,612,1008,BCDLEE+Lato,#555,293,315,497,506,18641,60,P,H1 +O,B-Pied,4.,19,612,1008,BCDLEE+Lato,#444,388,394,958,965,19102,,Artifact, +O,I-Pied,Tendances,19,612,1008,BCDLEE+Lato,#444,396,429,958,965,19102,,Artifact, +O,I-Pied,démographiques,19,612,1008,BCDLEE+Lato,#444,430,481,958,965,19102,,Artifact, +O,I-Pied,|,19,612,1008,BCDLEE+Lato,#444,485,487,958,965,19102,,Artifact, +O,I-Pied,19,19,612,1008,BCDLEE+Lato,#444,491,499,958,965,19102,,Artifact, +O,B-Chapitre,5,20,612,1008,BCDLEE+Lato,#555,113,123,117,133,19269,0,P,H3 +O,I-Chapitre,Tendances,20,612,1008,BCDLEE+Lato,#555,135,211,117,133,19269,0,P,H3 +O,I-Chapitre,économiques,20,612,1008,BCDLEE+Lato,#555,215,308,117,133,19269,0,P,H3 +O,B-Alinea,Le,20,612,1008,BCDLEE+Lato,#555,113,123,167,176,19319,1,P,H1 +O,I-Alinea,18,20,612,1008,BCDLEE+Lato,#555,125,135,167,176,19319,1,P,H1 +O,I-Alinea,décembre,20,612,1008,BCDLEE+Lato,#555,138,177,167,176,19319,1,P,H1 +O,I-Alinea,"2018,",20,612,1008,BCDLEE+Lato,#555,179,202,167,176,19319,1,P,H1 +O,I-Alinea,LGP,20,612,1008,BCDLEE+Lato,#555,204,221,167,176,19319,1,P,H1 +O,I-Alinea,stratégies,20,612,1008,BCDLEE+Lato,#555,223,261,167,176,19319,1,P,H1 +O,I-Alinea,"immobilières,",20,612,1008,BCDLEE+Lato,#555,264,316,167,176,19319,1,P,H1 +O,I-Alinea,ont,20,612,1008,BCDLEE+Lato,#555,318,331,167,176,19319,1,P,H1 +O,I-Alinea,remis,20,612,1008,BCDLEE+Lato,#555,334,355,167,176,19319,1,P,H1 +O,I-Alinea,à,20,612,1008,BCDLEE+Lato,#555,357,362,167,176,19319,1,P,H1 +O,I-Alinea,la,20,612,1008,BCDLEE+Lato,#555,364,370,167,176,19319,1,P,H1 +O,I-Alinea,Ville,20,612,1008,BCDLEE+Lato,#555,373,390,167,176,19319,1,P,H1 +O,I-Alinea,de,20,612,1008,BCDLEE+Lato,#555,392,402,167,176,19319,1,P,H1 +O,I-Alinea,Sainte-Adèle,20,612,1008,BCDLEE+Lato,#555,404,455,167,176,19319,1,P,H1 +O,I-Alinea,un,20,612,1008,BCDLEE+Lato,#555,457,467,167,176,19319,1,P,H1 +O,I-Alinea,rapport,20,612,1008,BCDLEE+Lato,#555,469,499,167,176,19319,1,P,H1 +O,I-Alinea,permettant,20,612,1008,BCDMEE+Lato,#555,113,158,180,189,19332,1,P,H1 +O,I-Alinea,d’évaluer,20,612,1008,BCDMEE+Lato,#555,165,201,180,189,19332,1,P,H1 +O,I-Alinea,le,20,612,1008,BCDMEE+Lato,#555,207,214,180,189,19332,1,P,H1 +O,I-Alinea,potentiel,20,612,1008,BCDMEE+Lato,#555,221,256,180,189,19332,1,P,H1 +O,I-Alinea,de,20,612,1008,BCDMEE+Lato,#555,263,272,180,189,19332,1,P,H1 +O,I-Alinea,développement,20,612,1008,BCDMEE+Lato,#555,279,341,180,189,19332,1,P,H1 +O,I-Alinea,pour,20,612,1008,BCDMEE+Lato,#555,347,366,180,189,19332,1,P,H1 +O,I-Alinea,Sainte-Adèle,20,612,1008,BCDMEE+Lato,#555,372,423,180,189,19332,1,P,H1 +O,I-Alinea,en,20,612,1008,BCDLEE+Lato,#555,430,440,180,189,19332,1,P,H1 +O,I-Alinea,lien,20,612,1008,BCDLEE+Lato,#555,446,460,180,189,19332,1,P,H1 +O,I-Alinea,avec,20,612,1008,BCDLEE+Lato,#555,467,485,180,189,19332,1,P,H1 +O,I-Alinea,le,20,612,1008,BCDLEE+Lato,#555,492,499,180,189,19332,1,P,H1 +O,I-Alinea,redéveloppement,20,612,1008,BCDLEE+Lato,#555,113,183,192,201,19344,1,P,H1 +O,I-Alinea,commercial,20,612,1008,BCDLEE+Lato,#555,186,231,192,201,19344,1,P,H1 +O,I-Alinea,et,20,612,1008,BCDLEE+Lato,#555,234,242,192,201,19344,1,P,H1 +O,I-Alinea,industriel,20,612,1008,BCDLEE+Lato,#555,245,282,192,201,19344,1,P,H1 +O,I-Alinea,des,20,612,1008,BCDLEE+Lato,#555,285,298,192,201,19344,1,P,H1 +O,I-Alinea,zones,20,612,1008,BCDLEE+Lato,#555,301,324,192,201,19344,1,P,H1 +O,I-Alinea,à,20,612,1008,BCDLEE+Lato,#555,327,331,192,201,19344,1,P,H1 +O,I-Alinea,vocation,20,612,1008,BCDLEE+Lato,#555,334,368,192,201,19344,1,P,H1 +O,I-Alinea,économique.,20,612,1008,BCDLEE+Lato,#555,372,422,192,201,19344,1,P,H1 +O,I-Alinea,Elle,20,612,1008,BCDLEE+Lato,#555,425,439,192,201,19344,1,P,H1 +O,I-Alinea,permettra,20,612,1008,BCDLEE+Lato,#555,442,482,192,201,19344,1,P,H1 +O,I-Alinea,aux,20,612,1008,BCDLEE+Lato,#555,484,498,192,201,19344,1,P,H1 +O,I-Alinea,divers,20,612,1008,BCDLEE+Lato,#555,113,137,205,214,19357,1,P,H1 +O,I-Alinea,intervenants,20,612,1008,BCDLEE+Lato,#555,142,191,205,214,19357,1,P,H1 +O,I-Alinea,de,20,612,1008,BCDLEE+Lato,#555,196,206,205,214,19357,1,P,H1 +O,I-Alinea,mieux,20,612,1008,BCDLEE+Lato,#555,210,234,205,214,19357,1,P,H1 +O,I-Alinea,comprendre,20,612,1008,BCDLEE+Lato,#555,238,286,205,214,19357,1,P,H1 +O,I-Alinea,pourquoi,20,612,1008,BCDLEE+Lato,#555,291,327,205,214,19357,1,P,H1 +O,I-Alinea,la,20,612,1008,BCDLEE+Lato,#555,331,338,205,214,19357,1,P,H1 +O,I-Alinea,mise,20,612,1008,BCDLEE+Lato,#555,342,360,205,214,19357,1,P,H1 +O,I-Alinea,en,20,612,1008,BCDLEE+Lato,#555,365,375,205,214,19357,1,P,H1 +O,I-Alinea,valeur,20,612,1008,BCDLEE+Lato,#555,379,404,205,214,19357,1,P,H1 +O,I-Alinea,de,20,612,1008,BCDLEE+Lato,#555,408,418,205,214,19357,1,P,H1 +O,I-Alinea,ces,20,612,1008,BCDLEE+Lato,#555,422,435,205,214,19357,1,P,H1 +O,I-Alinea,zones,20,612,1008,BCDLEE+Lato,#555,440,463,205,214,19357,1,P,H1 +O,I-Alinea,est,20,612,1008,BCDLEE+Lato,#555,467,479,205,214,19357,1,P,H1 +O,I-Alinea,une,20,612,1008,BCDLEE+Lato,#555,484,498,205,214,19357,1,P,H1 +O,I-Alinea,opportunité,20,612,1008,BCDLEE+Lato,#555,113,160,217,226,19369,1,P,H1 +O,I-Alinea,économique,20,612,1008,BCDLEE+Lato,#555,163,211,217,226,19369,1,P,H1 +O,I-Alinea,à,20,612,1008,BCDLEE+Lato,#555,214,218,217,226,19369,1,P,H1 +O,I-Alinea,saisir,20,612,1008,BCDLEE+Lato,#555,220,240,217,226,19369,1,P,H1 +O,I-Alinea,pour,20,612,1008,BCDLEE+Lato,#555,242,261,217,226,19369,1,P,H1 +O,I-Alinea,le,20,612,1008,BCDLEE+Lato,#555,263,270,217,226,19369,1,P,H1 +O,I-Alinea,développement,20,612,1008,BCDLEE+Lato,#555,272,334,217,226,19369,1,P,H1 +O,I-Alinea,urbain,20,612,1008,BCDLEE+Lato,#555,336,361,217,226,19369,1,P,H1 +O,I-Alinea,de,20,612,1008,BCDLEE+Lato,#555,364,373,217,226,19369,1,P,H1 +O,I-Alinea,Sainte-Adèle.9,20,612,1008,,,376,433,216,226,19368,,, +O,I-Alinea,10F,20,612,1008,BCEBEE+ZWAdobeF,#555,429,429,223,224,19375,1,P,H1 +O,B-Alinea,Alors,20,612,1008,BCDLEE+Lato,#555,113,134,239,248,19391,2,P,H1 +O,I-Alinea,que,20,612,1008,BCDLEE+Lato,#555,136,151,239,248,19391,2,P,H1 +O,I-Alinea,le,20,612,1008,BCDLEE+Lato,#555,154,160,239,248,19391,2,P,H1 +O,I-Alinea,rapport,20,612,1008,BCDLEE+Lato,#555,163,192,239,248,19391,2,P,H1 +O,I-Alinea,détaille,20,612,1008,BCDLEE+Lato,#555,195,223,239,248,19391,2,P,H1 +O,I-Alinea,la,20,612,1008,BCDLEE+Lato,#555,226,232,239,248,19391,2,P,H1 +O,I-Alinea,dynamique,20,612,1008,BCDLEE+Lato,#555,235,278,239,248,19391,2,P,H1 +O,I-Alinea,de,20,612,1008,BCDLEE+Lato,#555,281,290,239,248,19391,2,P,H1 +O,I-Alinea,plusieurs,20,612,1008,BCDLEE+Lato,#555,293,328,239,248,19391,2,P,H1 +O,I-Alinea,secteurs,20,612,1008,BCDMEE+Lato,#555,331,364,239,248,19391,2,P,H1 +O,I-Alinea,en,20,612,1008,BCDMEE+Lato,#555,366,376,239,248,19391,2,P,H1 +O,I-Alinea,plus,20,612,1008,BCDMEE+Lato,#555,378,394,239,248,19391,2,P,H1 +O,I-Alinea,d’orienter,20,612,1008,BCDMEE+Lato,#555,397,435,239,248,19391,2,P,H1 +O,I-Alinea,l’élaboration,20,612,1008,BCDMEE+Lato,#555,438,486,239,248,19391,2,P,H1 +O,I-Alinea,de,20,612,1008,BCDMEE+Lato,#555,489,499,239,248,19391,2,P,H1 +O,I-Alinea,la,20,612,1008,BCDLEE+Lato,#555,113,120,252,261,19404,2,P,H1 +O,I-Alinea,future,20,612,1008,BCDLEE+Lato,#555,122,147,252,261,19404,2,P,H1 +O,I-Alinea,règlementation,20,612,1008,BCDLEE+Lato,#555,149,209,252,261,19404,2,P,H1 +O,I-Alinea,de,20,612,1008,BCDLEE+Lato,#555,211,221,252,261,19404,2,P,H1 +O,I-Alinea,la,20,612,1008,BCDLEE+Lato,#555,224,230,252,261,19404,2,P,H1 +O,I-Alinea,Ville,20,612,1008,BCDLEE+Lato,#555,232,250,252,261,19404,2,P,H1 +O,I-Alinea,de,20,612,1008,BCDLEE+Lato,#555,252,262,252,261,19404,2,P,H1 +O,I-Alinea,"Sainte-Adèle,",20,612,1008,BCDLEE+Lato,#555,264,317,252,261,19404,2,P,H1 +O,I-Alinea,LGP,20,612,1008,BCDLEE+Lato,#555,319,336,252,261,19404,2,P,H1 +O,I-Alinea,en,20,612,1008,BCDLEE+Lato,#555,338,348,252,261,19404,2,P,H1 +O,I-Alinea,arrive,20,612,1008,BCDLEE+Lato,#555,350,372,252,261,19404,2,P,H1 +O,I-Alinea,aux,20,612,1008,BCDLEE+Lato,#555,375,389,252,261,19404,2,P,H1 +O,I-Alinea,conclusions,20,612,1008,BCDLEE+Lato,#555,391,437,252,261,19404,2,P,H1 +O,I-Alinea,suivantes,20,612,1008,BCDLEE+Lato,#555,439,476,252,261,19404,2,P,H1 +O,I-Alinea,:,20,612,1008,BCDLEE+Lato,#555,479,481,252,261,19404,2,P,H1 +O,B-Alinea,Depuis,20,612,1008,"BCDPEE+Lato,Italic",#378,149,175,274,283,19426,3,P,H1 +O,I-Alinea,trente,20,612,1008,"BCDPEE+Lato,Italic",#378,179,202,274,283,19426,3,P,H1 +O,I-Alinea,"ans,",20,612,1008,"BCDPEE+Lato,Italic",#378,206,221,274,283,19426,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,226,233,274,283,19426,3,P,H1 +O,I-Alinea,municipalité,20,612,1008,"BCDPEE+Lato,Italic",#378,237,283,274,283,19426,3,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,287,296,274,283,19426,3,P,H1 +O,I-Alinea,Sainte-Adèle,20,612,1008,"BCDPEE+Lato,Italic",#378,301,348,274,283,19426,3,P,H1 +O,I-Alinea,délaisse,20,612,1008,"BCDPEE+Lato,Italic",#378,353,382,274,283,19426,3,P,H1 +O,I-Alinea,progressivement,20,612,1008,"BCDPEE+Lato,Italic",#378,387,448,274,283,19426,3,P,H1 +O,I-Alinea,une,20,612,1008,"BCDPEE+Lato,Italic",#378,453,466,274,283,19426,3,P,H1 +O,I-Alinea,activité,20,612,1008,"BCDPEE+Lato,Italic",#378,471,499,274,283,19426,3,P,H1 +O,I-Alinea,économique,20,612,1008,"BCDPEE+Lato,Italic",#378,149,194,287,296,19439,3,P,H1 +O,I-Alinea,axée,20,612,1008,"BCDPEE+Lato,Italic",#378,197,215,287,296,19439,3,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDPEE+Lato,Italic",#378,217,229,287,296,19439,3,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,232,238,287,296,19439,3,P,H1 +O,I-Alinea,tourisme,20,612,1008,"BCDOEE+Lato,Italic",#378,241,274,287,296,19439,3,P,H1 +O,I-Alinea,et,20,612,1008,"BCDOEE+Lato,Italic",#378,277,284,287,296,19439,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDOEE+Lato,Italic",#378,287,294,287,296,19439,3,P,H1 +O,I-Alinea,villégiature,20,612,1008,"BCDOEE+Lato,Italic",#378,297,338,287,296,19439,3,P,H1 +O,I-Alinea,…,20,612,1008,"BCDOEE+Lato,Italic",#378,340,347,287,296,19439,3,P,H1 +O,I-Alinea,qui,20,612,1008,"BCDOEE+Lato,Italic",#378,350,362,287,296,19439,3,P,H1 +O,I-Alinea,ont,20,612,1008,"BCDOEE+Lato,Italic",#378,364,377,287,296,19439,3,P,H1 +O,I-Alinea,des,20,612,1008,"BCDOEE+Lato,Italic",#378,380,392,287,296,19439,3,P,H1 +O,I-Alinea,répercussions,20,612,1008,"BCDOEE+Lato,Italic",#378,395,446,287,296,19439,3,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDOEE+Lato,Italic",#378,449,460,287,296,19439,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDOEE+Lato,Italic",#378,463,470,287,296,19439,3,P,H1 +O,I-Alinea,vitalité,20,612,1008,"BCDOEE+Lato,Italic",#378,473,499,287,296,19439,3,P,H1 +O,I-Alinea,économique,20,612,1008,"BCDPEE+Lato,Italic",#378,149,194,299,308,19451,3,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,198,207,299,308,19451,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,211,217,299,308,19451,3,P,H1 +O,I-Alinea,"municipalité,",20,612,1008,"BCDPEE+Lato,Italic",#378,221,269,299,308,19451,3,P,H1 +O,I-Alinea,mais,20,612,1008,"BCDPEE+Lato,Italic",#378,273,290,299,308,19451,3,P,H1 +O,I-Alinea,également,20,612,1008,"BCDPEE+Lato,Italic",#378,294,333,299,308,19451,3,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDPEE+Lato,Italic",#378,336,348,299,308,19451,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,352,358,299,308,19451,3,P,H1 +O,I-Alinea,qualité,20,612,1008,"BCDPEE+Lato,Italic",#378,362,388,299,308,19451,3,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,391,400,299,308,19451,3,P,H1 +O,I-Alinea,son,20,612,1008,"BCDPEE+Lato,Italic",#378,404,417,299,308,19451,3,P,H1 +O,I-Alinea,cadre,20,612,1008,"BCDPEE+Lato,Italic",#378,421,442,299,308,19451,3,P,H1 +O,I-Alinea,bâti,20,612,1008,"BCDPEE+Lato,Italic",#378,445,460,299,308,19451,3,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,464,471,299,308,19451,3,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDPEE+Lato,Italic",#378,475,487,299,308,19451,3,P,H1 +O,I-Alinea,sa,20,612,1008,"BCDPEE+Lato,Italic",#378,490,498,299,308,19451,3,P,H1 +O,I-Alinea,capacité,20,612,1008,"BCDOEE+Lato,Italic",#378,149,180,312,321,19464,3,P,H1 +O,I-Alinea,à,20,612,1008,"BCDOEE+Lato,Italic",#378,184,189,312,321,19464,3,P,H1 +O,I-Alinea,attirer,20,612,1008,"BCDOEE+Lato,Italic",#378,193,216,312,321,19464,3,P,H1 +O,I-Alinea,de,20,612,1008,"BCDOEE+Lato,Italic",#378,220,229,312,321,19464,3,P,H1 +O,I-Alinea,nouveaux,20,612,1008,"BCDOEE+Lato,Italic",#378,233,270,312,321,19464,3,P,H1 +O,I-Alinea,investissements.,20,612,1008,"BCDOEE+Lato,Italic",#378,273,334,312,321,19464,3,P,H1 +O,I-Alinea,À,20,612,1008,"BCDOEE+Lato,Italic",#378,338,344,312,321,19464,3,P,H1 +O,I-Alinea,ceci,20,612,1008,"BCDOEE+Lato,Italic",#378,348,362,312,321,19464,3,P,H1 +O,I-Alinea,s’ajoutent,20,612,1008,"BCDOEE+Lato,Italic",#378,366,403,312,321,19464,3,P,H1 +O,I-Alinea,les,20,612,1008,"BCDOEE+Lato,Italic",#378,407,417,312,321,19464,3,P,H1 +O,I-Alinea,perspectives,20,612,1008,"BCDOEE+Lato,Italic",#378,421,467,312,321,19464,3,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDOEE+Lato,Italic",#378,471,488,312,321,19464,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDOEE+Lato,Italic",#378,492,498,312,321,19464,3,P,H1 +O,I-Alinea,fonction,20,612,1008,"BCDPEE+Lato,Italic",#378,149,180,324,333,19476,3,P,H1 +O,I-Alinea,commerciale,20,612,1008,"BCDPEE+Lato,Italic",#378,182,229,324,333,19476,3,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,231,239,324,333,19476,3,P,H1 +O,I-Alinea,principalement,20,612,1008,"BCDPEE+Lato,Italic",#378,241,297,324,333,19476,3,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDPEE+Lato,Italic",#378,299,316,324,333,19476,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,318,324,324,333,19476,3,P,H1 +O,I-Alinea,vente,20,612,1008,"BCDPEE+Lato,Italic",#378,326,347,324,333,19476,3,P,H1 +O,I-Alinea,au,20,612,1008,"BCDPEE+Lato,Italic",#378,349,358,324,333,19476,3,P,H1 +O,I-Alinea,détail.,20,612,1008,"BCDPEE+Lato,Italic",#378,360,383,324,333,19476,3,P,H1 +O,I-Alinea,Les,20,612,1008,"BCDPEE+Lato,Italic",#378,385,397,324,333,19476,3,P,H1 +O,I-Alinea,municipalités,20,612,1008,"BCDPEE+Lato,Italic",#378,399,449,324,333,19476,3,P,H1 +O,I-Alinea,devront,20,612,1008,"BCDPEE+Lato,Italic",#378,451,480,324,333,19476,3,P,H1 +O,I-Alinea,faire,20,612,1008,"BCDPEE+Lato,Italic",#378,482,499,324,333,19476,3,P,H1 +O,I-Alinea,face,20,612,1008,"BCDPEE+Lato,Italic",#378,149,165,336,345,19488,3,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,169,174,336,345,19488,3,P,H1 +O,I-Alinea,plusieurs,20,612,1008,"BCDPEE+Lato,Italic",#378,178,211,336,345,19488,3,P,H1 +O,I-Alinea,changements,20,612,1008,"BCDPEE+Lato,Italic",#378,215,265,336,345,19488,3,P,H1 +O,I-Alinea,dans,20,612,1008,"BCDPEE+Lato,Italic",#378,269,287,336,345,19488,3,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,291,301,336,345,19488,3,P,H1 +O,I-Alinea,prochaines,20,612,1008,"BCDPEE+Lato,Italic",#378,305,346,336,345,19488,3,P,H1 +O,I-Alinea,"années,",20,612,1008,"BCDPEE+Lato,Italic",#378,350,379,336,345,19488,3,P,H1 +O,I-Alinea,dont,20,612,1008,"BCDPEE+Lato,Italic",#378,383,400,336,345,19488,3,P,H1 +O,I-Alinea,certains,20,612,1008,"BCDPEE+Lato,Italic",#378,405,434,336,345,19488,3,P,H1 +O,I-Alinea,sont,20,612,1008,"BCDPEE+Lato,Italic",#378,439,455,336,345,19488,3,P,H1 +O,I-Alinea,difficiles,20,612,1008,"BCDPEE+Lato,Italic",#378,459,490,336,345,19488,3,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,494,499,336,345,19488,3,P,H1 +O,I-Alinea,"quantifier,",20,612,1008,"BCDOEE+Lato,Italic",#378,149,187,349,358,19501,3,P,H1 +O,I-Alinea,mais,20,612,1008,"BCDOEE+Lato,Italic",#378,190,208,349,358,19501,3,P,H1 +O,I-Alinea,ils,20,612,1008,"BCDOEE+Lato,Italic",#378,211,219,349,358,19501,3,P,H1 +O,I-Alinea,devraient,20,612,1008,"BCDOEE+Lato,Italic",#378,222,257,349,358,19501,3,P,H1 +O,I-Alinea,favoriser,20,612,1008,"BCDOEE+Lato,Italic",#378,261,293,349,358,19501,3,P,H1 +O,I-Alinea,l’expérience,20,612,1008,"BCDOEE+Lato,Italic",#378,296,340,349,358,19501,3,P,H1 +O,I-Alinea,d’achat,20,612,1008,"BCDOEE+Lato,Italic",#378,344,371,349,358,19501,3,P,H1 +O,I-Alinea,plutôt,20,612,1008,"BCDOEE+Lato,Italic",#378,375,397,349,358,19501,3,P,H1 +O,I-Alinea,que,20,612,1008,"BCDOEE+Lato,Italic",#378,400,414,349,358,19501,3,P,H1 +O,I-Alinea,la,20,612,1008,"BCDOEE+Lato,Italic",#378,417,424,349,358,19501,3,P,H1 +O,I-Alinea,croissance,20,612,1008,"BCDPEE+Lato,Italic",#378,427,466,349,358,19501,3,P,H1 +O,I-Alinea,du,20,612,1008,"BCDPEE+Lato,Italic",#378,469,479,349,358,19501,3,P,H1 +O,I-Alinea,parc,20,612,1008,"BCDPEE+Lato,Italic",#378,482,499,349,358,19501,3,P,H1 +O,I-Alinea,immobilier,20,612,1008,"BCDOEE+Lato,Italic",#378,149,188,361,370,19513,3,P,H1 +O,I-Alinea,comme,20,612,1008,"BCDOEE+Lato,Italic",#378,190,217,361,370,19513,3,P,H1 +O,I-Alinea,nous,20,612,1008,"BCDOEE+Lato,Italic",#378,220,237,361,370,19513,3,P,H1 +O,I-Alinea,l’avons,20,612,1008,"BCDOEE+Lato,Italic",#378,239,265,361,370,19513,3,P,H1 +O,I-Alinea,connu,20,612,1008,"BCDOEE+Lato,Italic",#378,267,290,361,370,19513,3,P,H1 +O,I-Alinea,depuis,20,612,1008,"BCDOEE+Lato,Italic",#378,292,317,361,370,19513,3,P,H1 +O,I-Alinea,les,20,612,1008,"BCDOEE+Lato,Italic",#378,319,329,361,370,19513,3,P,H1 +O,I-Alinea,années,20,612,1008,"BCDOEE+Lato,Italic",#378,331,357,361,370,19513,3,P,H1 +O,I-Alinea,60,20,612,1008,"BCDOEE+Lato,Italic",#378,359,369,361,370,19513,3,P,H1 +O,I-Alinea,au,20,612,1008,"BCDOEE+Lato,Italic",#378,371,381,361,370,19513,3,P,H1 +O,I-Alinea,Québec.,20,612,1008,"BCDOEE+Lato,Italic",#378,383,414,361,370,19513,3,P,H1 +O,B-Alinea,La,20,612,1008,"BCDOEE+Lato,Italic",#378,149,158,384,393,19536,4,P,H1 +O,I-Alinea,présente,20,612,1008,"BCDOEE+Lato,Italic",#378,160,193,384,393,19536,4,P,H1 +O,I-Alinea,étude,20,612,1008,"BCDOEE+Lato,Italic",#378,195,217,384,393,19536,4,P,H1 +O,I-Alinea,économique,20,612,1008,"BCDOEE+Lato,Italic",#378,219,264,384,393,19536,4,P,H1 +O,I-Alinea,vise,20,612,1008,"BCDOEE+Lato,Italic",#378,267,281,384,393,19536,4,P,H1 +O,I-Alinea,à,20,612,1008,"BCDOEE+Lato,Italic",#378,284,288,384,393,19536,4,P,H1 +O,I-Alinea,mieux,20,612,1008,"BCDOEE+Lato,Italic",#378,291,313,384,393,19536,4,P,H1 +O,I-Alinea,comprendre,20,612,1008,"BCDOEE+Lato,Italic",#378,316,361,384,393,19536,4,P,H1 +O,I-Alinea,l’intérêt,20,612,1008,"BCDOEE+Lato,Italic",#378,363,392,384,393,19536,4,P,H1 +O,I-Alinea,à,20,612,1008,"BCDOEE+Lato,Italic",#378,395,399,384,393,19536,4,P,H1 +O,I-Alinea,développer,20,612,1008,"BCDOEE+Lato,Italic",#378,402,443,384,393,19536,4,P,H1 +O,I-Alinea,les,20,612,1008,"BCDOEE+Lato,Italic",#378,446,456,384,393,19536,4,P,H1 +O,I-Alinea,différentes,20,612,1008,"BCDOEE+Lato,Italic",#378,458,498,384,393,19536,4,P,H1 +O,I-Alinea,zones,20,612,1008,"BCDPEE+Lato,Italic",#378,149,170,396,405,19548,4,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,173,177,396,405,19548,4,P,H1 +O,I-Alinea,vocation,20,612,1008,"BCDPEE+Lato,Italic",#378,180,212,396,405,19548,4,P,H1 +O,I-Alinea,économique,20,612,1008,"BCDPEE+Lato,Italic",#378,215,260,396,405,19548,4,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,263,272,396,405,19548,4,P,H1 +O,I-Alinea,"Sainte-Adèle,",20,612,1008,"BCDPEE+Lato,Italic",#378,274,324,396,405,19548,4,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,327,334,396,405,19548,4,P,H1 +O,I-Alinea,"ce,",20,612,1008,"BCDPEE+Lato,Italic",#378,337,347,396,405,19548,4,P,H1 +O,I-Alinea,dans,20,612,1008,"BCDPEE+Lato,Italic",#378,350,368,396,405,19548,4,P,H1 +O,I-Alinea,ce,20,612,1008,"BCDPEE+Lato,Italic",#378,370,379,396,405,19548,4,P,H1 +O,I-Alinea,nouveau,20,612,1008,"BCDPEE+Lato,Italic",#378,381,413,396,405,19548,4,P,H1 +O,I-Alinea,contexte,20,612,1008,"BCDPEE+Lato,Italic",#378,416,449,396,405,19548,4,P,H1 +O,I-Alinea,économique.,20,612,1008,"BCDPEE+Lato,Italic",#378,451,499,396,405,19548,4,P,H1 +O,I-Alinea,Elle,20,612,1008,"BCDOEE+Lato,Italic",#378,149,162,409,418,19561,4,P,H1 +O,I-Alinea,a,20,612,1008,"BCDOEE+Lato,Italic",#378,166,170,409,418,19561,4,P,H1 +O,I-Alinea,été,20,612,1008,"BCDOEE+Lato,Italic",#378,174,186,409,418,19561,4,P,H1 +O,I-Alinea,réalisée,20,612,1008,"BCDOEE+Lato,Italic",#378,189,217,409,418,19561,4,P,H1 +O,I-Alinea,dans,20,612,1008,"BCDOEE+Lato,Italic",#378,221,239,409,418,19561,4,P,H1 +O,I-Alinea,le,20,612,1008,"BCDOEE+Lato,Italic",#378,242,248,409,418,19561,4,P,H1 +O,I-Alinea,cadre,20,612,1008,"BCDOEE+Lato,Italic",#378,252,273,409,418,19561,4,P,H1 +O,I-Alinea,d’un,20,612,1008,"BCDOEE+Lato,Italic",#378,276,293,409,418,19561,4,P,H1 +O,I-Alinea,exercice,20,612,1008,"BCDOEE+Lato,Italic",#378,296,327,409,418,19561,4,P,H1 +O,I-Alinea,de,20,612,1008,"BCDOEE+Lato,Italic",#378,330,339,409,418,19561,4,P,H1 +O,I-Alinea,prérévision,20,612,1008,"BCDPEE+Lato,Italic",#378,343,384,409,418,19561,4,P,H1 +O,I-Alinea,règlementaire,20,612,1008,"BCDPEE+Lato,Italic",#378,387,439,409,418,19561,4,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDPEE+Lato,Italic",#378,442,460,409,418,19561,4,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,463,469,409,418,19561,4,P,H1 +O,I-Alinea,service,20,612,1008,"BCDPEE+Lato,Italic",#378,473,499,409,418,19561,4,P,H1 +O,I-Alinea,d’urbanisme,20,612,1008,"BCDOEE+Lato,Italic",#378,149,194,421,430,19573,4,P,H1 +O,I-Alinea,de,20,612,1008,"BCDOEE+Lato,Italic",#378,197,206,421,430,19573,4,P,H1 +O,I-Alinea,la,20,612,1008,"BCDOEE+Lato,Italic",#378,208,214,421,430,19573,4,P,H1 +O,I-Alinea,municipalité,20,612,1008,"BCDOEE+Lato,Italic",#378,217,262,421,430,19573,4,P,H1 +O,I-Alinea,de,20,612,1008,"BCDOEE+Lato,Italic",#378,264,273,421,430,19573,4,P,H1 +O,I-Alinea,Sainte-Adèle.,20,612,1008,"BCDOEE+Lato,Italic",#378,276,326,421,430,19573,4,P,H1 +O,I-Alinea,L’étude,20,612,1008,"BCDOEE+Lato,Italic",#378,149,176,443,452,19595,5,P,H1 +O,I-Alinea,a,20,612,1008,"BCDOEE+Lato,Italic",#378,178,183,443,452,19595,5,P,H1 +O,I-Alinea,permis,20,612,1008,"BCDOEE+Lato,Italic",#378,185,210,443,452,19595,5,P,H1 +O,I-Alinea,de,20,612,1008,"BCDOEE+Lato,Italic",#378,212,221,443,452,19595,5,P,H1 +O,I-Alinea,dresser,20,612,1008,"BCDOEE+Lato,Italic",#378,223,250,443,452,19595,5,P,H1 +O,I-Alinea,un,20,612,1008,"BCDOEE+Lato,Italic",#378,252,261,443,452,19595,5,P,H1 +O,I-Alinea,portrait,20,612,1008,"BCDOEE+Lato,Italic",#378,264,292,443,452,19595,5,P,H1 +O,I-Alinea,complet,20,612,1008,"BCDOEE+Lato,Italic",#378,294,324,443,452,19595,5,P,H1 +O,I-Alinea,de,20,612,1008,"BCDOEE+Lato,Italic",#378,326,335,443,452,19595,5,P,H1 +O,I-Alinea,l’offre,20,612,1008,"BCDOEE+Lato,Italic",#378,338,359,443,452,19595,5,P,H1 +O,I-Alinea,commerciale,20,612,1008,"BCDOEE+Lato,Italic",#378,361,409,443,452,19595,5,P,H1 +O,I-Alinea,actuelle,20,612,1008,"BCDOEE+Lato,Italic",#378,411,440,443,452,19595,5,P,H1 +O,I-Alinea,à,20,612,1008,"BCDOEE+Lato,Italic",#378,442,447,443,452,19595,5,P,H1 +O,I-Alinea,"Sainte-Adèle,",20,612,1008,"BCDOEE+Lato,Italic",#378,449,499,443,452,19595,5,P,H1 +O,I-Alinea,ainsi,20,612,1008,"BCDPEE+Lato,Italic",#378,149,166,456,465,19608,5,P,H1 +O,I-Alinea,que,20,612,1008,"BCDOEE+Lato,Italic",#378,168,181,456,465,19608,5,P,H1 +O,I-Alinea,d’évaluer,20,612,1008,"BCDOEE+Lato,Italic",#378,183,217,456,465,19608,5,P,H1 +O,I-Alinea,le,20,612,1008,"BCDOEE+Lato,Italic",#378,219,226,456,465,19608,5,P,H1 +O,I-Alinea,potentiel,20,612,1008,"BCDOEE+Lato,Italic",#378,227,261,456,465,19608,5,P,H1 +O,I-Alinea,en,20,612,1008,"BCDOEE+Lato,Italic",#378,262,271,456,465,19608,5,P,H1 +O,I-Alinea,lien,20,612,1008,"BCDOEE+Lato,Italic",#378,273,286,456,465,19608,5,P,H1 +O,I-Alinea,avec,20,612,1008,"BCDOEE+Lato,Italic",#378,288,306,456,465,19608,5,P,H1 +O,I-Alinea,le,20,612,1008,"BCDOEE+Lato,Italic",#378,308,314,456,465,19608,5,P,H1 +O,I-Alinea,redéveloppement,20,612,1008,"BCDOEE+Lato,Italic",#378,316,380,456,465,19608,5,P,H1 +O,I-Alinea,commercial,20,612,1008,"BCDOEE+Lato,Italic",#378,382,425,456,465,19608,5,P,H1 +O,I-Alinea,et,20,612,1008,"BCDOEE+Lato,Italic",#378,427,435,456,465,19608,5,P,H1 +O,I-Alinea,industriel,20,612,1008,"BCDOEE+Lato,Italic",#378,437,471,456,465,19608,5,P,H1 +O,I-Alinea,des,20,612,1008,"BCDOEE+Lato,Italic",#378,473,486,456,465,19608,5,P,H1 +O,I-Alinea,dix,20,612,1008,"BCDOEE+Lato,Italic",#378,488,499,456,465,19608,5,P,H1 +O,I-Alinea,(10),20,612,1008,"BCDPEE+Lato,Italic",#378,149,164,468,477,19620,5,P,H1 +O,I-Alinea,zones,20,612,1008,"BCDPEE+Lato,Italic",#378,166,187,468,477,19620,5,P,H1 +O,I-Alinea,identifiées,20,612,1008,"BCDPEE+Lato,Italic",#378,189,228,468,477,19620,5,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,230,235,468,477,19620,5,P,H1 +O,I-Alinea,vocation,20,612,1008,"BCDPEE+Lato,Italic",#378,237,269,468,477,19620,5,P,H1 +O,I-Alinea,économique.,20,612,1008,"BCDPEE+Lato,Italic",#378,271,319,468,477,19620,5,P,H1 +O,I-Alinea,Au-delà,20,612,1008,"BCDPEE+Lato,Italic",#378,321,350,468,477,19620,5,P,H1 +O,I-Alinea,des,20,612,1008,"BCDPEE+Lato,Italic",#378,352,365,468,477,19620,5,P,H1 +O,I-Alinea,opportunités,20,612,1008,"BCDPEE+Lato,Italic",#378,367,415,468,477,19620,5,P,H1 +O,I-Alinea,en,20,612,1008,"BCDPEE+Lato,Italic",#378,417,426,468,477,19620,5,P,H1 +O,I-Alinea,lien,20,612,1008,"BCDPEE+Lato,Italic",#378,428,442,468,477,19620,5,P,H1 +O,I-Alinea,avec,20,612,1008,"BCDPEE+Lato,Italic",#378,444,461,468,477,19620,5,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,463,470,468,477,19620,5,P,H1 +O,I-Alinea,centre-,20,612,1008,"BCDPEE+Lato,Italic",#378,472,499,468,477,19620,5,P,H1 +O,I-Alinea,ville,20,612,1008,"BCDPEE+Lato,Italic",#378,149,164,481,490,19633,5,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,166,174,481,490,19633,5,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,177,183,481,490,19633,5,P,H1 +O,I-Alinea,renouveau,20,612,1008,"BCDPEE+Lato,Italic",#378,186,225,481,490,19633,5,P,H1 +O,I-Alinea,annoncé,20,612,1008,"BCDPEE+Lato,Italic",#378,228,260,481,490,19633,5,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDPEE+Lato,Italic",#378,262,280,481,490,19633,5,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,282,292,481,490,19633,5,P,H1 +O,I-Alinea,artères,20,612,1008,"BCDPEE+Lato,Italic",#378,295,321,481,490,19633,5,P,H1 +O,I-Alinea,"commerciales,",20,612,1008,"BCDPEE+Lato,Italic",#378,324,377,481,490,19633,5,P,H1 +O,I-Alinea,plusieurs,20,612,1008,"BCDPEE+Lato,Italic",#378,380,413,481,490,19633,5,P,H1 +O,I-Alinea,opportunités,20,612,1008,"BCDPEE+Lato,Italic",#378,416,463,481,490,19633,5,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDPEE+Lato,Italic",#378,466,483,481,490,19633,5,P,H1 +O,I-Alinea,des,20,612,1008,"BCDPEE+Lato,Italic",#378,486,499,481,490,19633,5,P,H1 +O,I-Alinea,investissements,20,612,1008,"BCDPEE+Lato,Italic",#378,149,208,493,502,19645,5,P,H1 +O,I-Alinea,ont,20,612,1008,"BCDPEE+Lato,Italic",#378,210,222,493,502,19645,5,P,H1 +O,I-Alinea,été,20,612,1008,"BCDPEE+Lato,Italic",#378,224,236,493,502,19645,5,P,H1 +O,I-Alinea,identifiées,20,612,1008,"BCDPEE+Lato,Italic",#378,238,277,493,502,19645,5,P,H1 +O,I-Alinea,partout,20,612,1008,"BCDPEE+Lato,Italic",#378,279,307,493,502,19645,5,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDPEE+Lato,Italic",#378,309,321,493,502,19645,5,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,323,329,493,502,19645,5,P,H1 +O,I-Alinea,territoire.,20,612,1008,"BCDPEE+Lato,Italic",#378,331,366,493,502,19645,5,P,H1 +O,B-Alinea,Nous,20,612,1008,"BCDOEE+Lato,Italic",#378,149,168,515,524,19667,6,P,H1 +O,I-Alinea,rappelons,20,612,1008,"BCDOEE+Lato,Italic",#378,171,208,515,524,19667,6,P,H1 +O,I-Alinea,qu’une,20,612,1008,"BCDOEE+Lato,Italic",#378,210,235,515,524,19667,6,P,H1 +O,I-Alinea,bonne,20,612,1008,"BCDOEE+Lato,Italic",#378,238,261,515,524,19667,6,P,H1 +O,I-Alinea,règlementation,20,612,1008,"BCDOEE+Lato,Italic",#378,264,321,515,524,19667,6,P,H1 +O,I-Alinea,claire,20,612,1008,"BCDPEE+Lato,Italic",#378,324,344,515,524,19667,6,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,347,354,515,524,19667,6,P,H1 +O,I-Alinea,flexible,20,612,1008,"BCDPEE+Lato,Italic",#378,357,383,515,524,19667,6,P,H1 +O,I-Alinea,est,20,612,1008,"BCDPEE+Lato,Italic",#378,386,397,515,524,19667,6,P,H1 +O,I-Alinea,nécessaire,20,612,1008,"BCDPEE+Lato,Italic",#378,400,439,515,524,19667,6,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDPEE+Lato,Italic",#378,441,459,515,524,19667,6,P,H1 +O,I-Alinea,faciliter,20,612,1008,"BCDPEE+Lato,Italic",#378,461,490,515,524,19667,6,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,492,499,515,524,19667,6,P,H1 +O,I-Alinea,développement,20,612,1008,"BCDPEE+Lato,Italic",#378,149,206,528,537,19680,6,P,H1 +O,I-Alinea,économique,20,612,1008,"BCDPEE+Lato,Italic",#378,209,254,528,537,19680,6,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDPEE+Lato,Italic",#378,256,267,528,537,19680,6,P,H1 +O,I-Alinea,un,20,612,1008,"BCDPEE+Lato,Italic",#378,270,279,528,537,19680,6,P,H1 +O,I-Alinea,"territoire,",20,612,1008,"BCDPEE+Lato,Italic",#378,281,316,528,537,19680,6,P,H1 +O,I-Alinea,tout,20,612,1008,"BCDPEE+Lato,Italic",#378,318,334,528,537,19680,6,P,H1 +O,I-Alinea,comme,20,612,1008,"BCDPEE+Lato,Italic",#378,336,364,528,537,19680,6,P,H1 +O,I-Alinea,une,20,612,1008,"BCDPEE+Lato,Italic",#378,366,380,528,537,19680,6,P,H1 +O,I-Alinea,image,20,612,1008,"BCDPEE+Lato,Italic",#378,382,404,528,537,19680,6,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,406,415,528,537,19680,6,P,H1 +O,I-Alinea,marque,20,612,1008,"BCDPEE+Lato,Italic",#378,417,446,528,537,19680,6,P,H1 +O,I-Alinea,ou,20,612,1008,"BCDPEE+Lato,Italic",#378,448,458,528,537,19680,6,P,H1 +O,I-Alinea,«,20,612,1008,"BCDPEE+Lato,Italic",#378,460,464,528,537,19680,6,P,H1 +O,I-Alinea,branding,20,612,1008,"BCDPEE+Lato,Italic",#378,466,499,528,537,19680,6,P,H1 +O,I-Alinea,territorial,20,612,1008,"BCDOEE+Lato,Italic",#378,149,184,540,549,19692,6,P,H1 +O,I-Alinea,»,20,612,1008,"BCDOEE+Lato,Italic",#378,187,190,540,549,19692,6,P,H1 +O,I-Alinea,est,20,612,1008,"BCDOEE+Lato,Italic",#378,193,204,540,549,19692,6,P,H1 +O,I-Alinea,nécessaire,20,612,1008,"BCDOEE+Lato,Italic",#378,206,245,540,549,19692,6,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDOEE+Lato,Italic",#378,247,264,540,549,19692,6,P,H1 +O,I-Alinea,attirer,20,612,1008,"BCDOEE+Lato,Italic",#378,267,290,540,549,19692,6,P,H1 +O,I-Alinea,des,20,612,1008,"BCDOEE+Lato,Italic",#378,293,305,540,549,19692,6,P,H1 +O,I-Alinea,entreprises,20,612,1008,"BCDOEE+Lato,Italic",#378,308,349,540,549,19692,6,P,H1 +O,I-Alinea,répondant,20,612,1008,"BCDOEE+Lato,Italic",#378,351,390,540,549,19692,6,P,H1 +O,I-Alinea,à,20,612,1008,"BCDOEE+Lato,Italic",#378,392,397,540,549,19692,6,P,H1 +O,I-Alinea,l’ADN,20,612,1008,"BCDOEE+Lato,Italic",#378,399,422,540,549,19692,6,P,H1 +O,I-Alinea,d’une,20,612,1008,"BCDOEE+Lato,Italic",#378,424,445,540,549,19692,6,P,H1 +O,I-Alinea,communauté.,20,612,1008,"BCDOEE+Lato,Italic",#378,447,498,540,549,19692,6,P,H1 +O,I-Alinea,Ceci,20,612,1008,"BCDPEE+Lato,Italic",#378,149,165,553,562,19705,6,P,H1 +O,I-Alinea,sera,20,612,1008,"BCDPEE+Lato,Italic",#378,167,182,553,562,19705,6,P,H1 +O,I-Alinea,encore,20,612,1008,"BCDPEE+Lato,Italic",#378,184,209,553,562,19705,6,P,H1 +O,I-Alinea,plus,20,612,1008,"BCDPEE+Lato,Italic",#378,211,226,553,562,19705,6,P,H1 +O,I-Alinea,vrai,20,612,1008,"BCDPEE+Lato,Italic",#378,228,242,553,562,19705,6,P,H1 +O,I-Alinea,dans,20,612,1008,"BCDPEE+Lato,Italic",#378,244,262,553,562,19705,6,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,263,273,553,562,19705,6,P,H1 +O,I-Alinea,années,20,612,1008,"BCDPEE+Lato,Italic",#378,275,301,553,562,19705,6,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,303,308,553,562,19705,6,P,H1 +O,I-Alinea,"venir,",20,612,1008,"BCDPEE+Lato,Italic",#378,310,330,553,562,19705,6,P,H1 +O,I-Alinea,où,20,612,1008,"BCDPEE+Lato,Italic",#378,332,341,553,562,19705,6,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,343,353,553,562,19705,6,P,H1 +O,I-Alinea,superficies,20,612,1008,"BCDPEE+Lato,Italic",#378,355,394,553,562,19705,6,P,H1 +O,I-Alinea,commerciales,20,612,1008,"BCDPEE+Lato,Italic",#378,396,447,553,562,19705,6,P,H1 +O,I-Alinea,seront,20,612,1008,"BCDPEE+Lato,Italic",#378,449,472,553,562,19705,6,P,H1 +O,I-Alinea,revues,20,612,1008,"BCDPEE+Lato,Italic",#378,474,499,553,562,19705,6,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,149,153,565,574,19717,6,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,157,163,565,574,19717,6,P,H1 +O,I-Alinea,baisse,20,612,1008,"BCDPEE+Lato,Italic",#378,167,190,565,574,19717,6,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,193,201,565,574,19717,6,P,H1 +O,I-Alinea,où,20,612,1008,"BCDPEE+Lato,Italic",#378,204,214,565,574,19717,6,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,217,227,565,574,19717,6,P,H1 +O,I-Alinea,clientèles,20,612,1008,"BCDPEE+Lato,Italic",#378,230,265,565,574,19717,6,P,H1 +O,I-Alinea,rechercheront,20,612,1008,"BCDPEE+Lato,Italic",#378,268,321,565,574,19717,6,P,H1 +O,I-Alinea,avant,20,612,1008,"BCDPEE+Lato,Italic",#378,324,346,565,574,19717,6,P,H1 +O,I-Alinea,tout,20,612,1008,"BCDPEE+Lato,Italic",#378,349,365,565,574,19717,6,P,H1 +O,I-Alinea,des,20,612,1008,"BCDPEE+Lato,Italic",#378,368,381,565,574,19717,6,P,H1 +O,I-Alinea,environnements,20,612,1008,"BCDPEE+Lato,Italic",#378,385,444,565,574,19717,6,P,H1 +O,I-Alinea,conviviaux,20,612,1008,"BCDPEE+Lato,Italic",#378,448,488,565,574,19717,6,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,491,499,565,574,19717,6,P,H1 +O,I-Alinea,faciles,20,612,1008,"BCDOEE+Lato,Italic",#378,149,172,578,587,19730,6,P,H1 +O,I-Alinea,d’accès,20,612,1008,"BCDOEE+Lato,Italic",#378,174,202,578,587,19730,6,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDOEE+Lato,Italic",#378,204,221,578,587,19730,6,P,H1 +O,I-Alinea,leurs,20,612,1008,"BCDOEE+Lato,Italic",#378,223,241,578,587,19730,6,P,H1 +O,I-Alinea,achats,20,612,1008,"BCDOEE+Lato,Italic",#378,243,268,578,587,19730,6,P,H1 +O,I-Alinea,et,20,612,1008,"BCDOEE+Lato,Italic",#378,270,278,578,587,19730,6,P,H1 +O,I-Alinea,leur,20,612,1008,"BCDOEE+Lato,Italic",#378,280,294,578,587,19730,6,P,H1 +O,I-Alinea,vie,20,612,1008,"BCDOEE+Lato,Italic",#378,296,307,578,587,19730,6,P,H1 +O,I-Alinea,sociale.,20,612,1008,"BCDOEE+Lato,Italic",#378,309,336,578,587,19730,6,P,H1 +O,B-Alinea,Il,20,612,1008,"BCDOEE+Lato,Italic",#378,149,153,600,609,19752,7,P,H1 +O,I-Alinea,reste,20,612,1008,"BCDOEE+Lato,Italic",#378,155,174,600,609,19752,7,P,H1 +O,I-Alinea,qu’il,20,612,1008,"BCDOEE+Lato,Italic",#378,176,191,600,609,19752,7,P,H1 +O,I-Alinea,serait,20,612,1008,"BCDOEE+Lato,Italic",#378,193,214,600,609,19752,7,P,H1 +O,I-Alinea,trop,20,612,1008,"BCDOEE+Lato,Italic",#378,216,232,600,609,19752,7,P,H1 +O,I-Alinea,facile,20,612,1008,"BCDOEE+Lato,Italic",#378,234,254,600,609,19752,7,P,H1 +O,I-Alinea,d’accuser,20,612,1008,"BCDOEE+Lato,Italic",#378,256,291,600,609,19752,7,P,H1 +O,I-Alinea,les,20,612,1008,"BCDOEE+Lato,Italic",#378,293,303,600,609,19752,7,P,H1 +O,I-Alinea,règlements,20,612,1008,"BCDOEE+Lato,Italic",#378,305,346,600,609,19752,7,P,H1 +O,I-Alinea,d’urbanisme,20,612,1008,"BCDOEE+Lato,Italic",#378,348,393,600,609,19752,7,P,H1 +O,I-Alinea,lorsqu’une,20,612,1008,"BCDOEE+Lato,Italic",#378,395,434,600,609,19752,7,P,H1 +O,I-Alinea,économie,20,612,1008,"BCDOEE+Lato,Italic",#378,436,472,600,609,19752,7,P,H1 +O,I-Alinea,tourne,20,612,1008,"BCDOEE+Lato,Italic",#378,474,499,600,609,19752,7,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,149,153,612,621,19764,7,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,156,163,612,621,19764,7,P,H1 +O,I-Alinea,baisse.,20,612,1008,"BCDPEE+Lato,Italic",#378,165,190,612,621,19764,7,P,H1 +O,I-Alinea,Ces,20,612,1008,"BCDPEE+Lato,Italic",#378,192,206,612,621,19764,7,P,H1 +O,I-Alinea,derniers,20,612,1008,"BCDPEE+Lato,Italic",#378,208,238,612,621,19764,7,P,H1 +O,I-Alinea,ont,20,612,1008,"BCDPEE+Lato,Italic",#378,241,253,612,621,19764,7,P,H1 +O,I-Alinea,normalement,20,612,1008,"BCDPEE+Lato,Italic",#378,256,306,612,621,19764,7,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,308,315,612,621,19764,7,P,H1 +O,I-Alinea,rôle,20,612,1008,"BCDPEE+Lato,Italic",#378,317,331,612,621,19764,7,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,333,343,612,621,19764,7,P,H1 +O,I-Alinea,mettre,20,612,1008,"BCDPEE+Lato,Italic",#378,345,370,612,621,19764,7,P,H1 +O,I-Alinea,en,20,612,1008,"BCDOEE+Lato,Italic",#378,373,382,612,621,19764,7,P,H1 +O,I-Alinea,œuvre,20,612,1008,"BCDOEE+Lato,Italic",#378,384,408,612,621,19764,7,P,H1 +O,I-Alinea,une,20,612,1008,"BCDOEE+Lato,Italic",#378,411,424,612,621,19764,7,P,H1 +O,I-Alinea,vision,20,612,1008,"BCDOEE+Lato,Italic",#378,427,448,612,621,19764,7,P,H1 +O,I-Alinea,et,20,612,1008,"BCDOEE+Lato,Italic",#378,451,458,612,621,19764,7,P,H1 +O,I-Alinea,non,20,612,1008,"BCDOEE+Lato,Italic",#378,461,475,612,621,19764,7,P,H1 +O,I-Alinea,d’être,20,612,1008,"BCDOEE+Lato,Italic",#378,477,499,612,621,19764,7,P,H1 +O,I-Alinea,déconnecté,20,612,1008,"BCDOEE+Lato,Italic",#378,149,192,625,634,19777,7,P,H1 +O,I-Alinea,des,20,612,1008,"BCDOEE+Lato,Italic",#378,196,208,625,634,19777,7,P,H1 +O,I-Alinea,aspirations,20,612,1008,"BCDOEE+Lato,Italic",#378,212,253,625,634,19777,7,P,H1 +O,I-Alinea,d’une,20,612,1008,"BCDOEE+Lato,Italic",#378,257,277,625,634,19777,7,P,H1 +O,I-Alinea,communauté.,20,612,1008,"BCDOEE+Lato,Italic",#378,281,332,625,634,19777,7,P,H1 +O,I-Alinea,Un,20,612,1008,"BCDOEE+Lato,Italic",#378,336,347,625,634,19777,7,P,H1 +O,I-Alinea,travail,20,612,1008,"BCDOEE+Lato,Italic",#378,350,374,625,634,19777,7,P,H1 +O,I-Alinea,parallèle,20,612,1008,"BCDOEE+Lato,Italic",#378,378,409,625,634,19777,7,P,H1 +O,I-Alinea,de,20,612,1008,"BCDOEE+Lato,Italic",#378,413,422,625,634,19777,7,P,H1 +O,I-Alinea,mise,20,612,1008,"BCDOEE+Lato,Italic",#378,426,443,625,634,19777,7,P,H1 +O,I-Alinea,en,20,612,1008,"BCDOEE+Lato,Italic",#378,446,455,625,634,19777,7,P,H1 +O,I-Alinea,valeur,20,612,1008,"BCDOEE+Lato,Italic",#378,459,482,625,634,19777,7,P,H1 +O,I-Alinea,des,20,612,1008,"BCDOEE+Lato,Italic",#378,486,498,625,634,19777,7,P,H1 +O,I-Alinea,opportunités,20,612,1008,"BCDPEE+Lato,Italic",#378,149,197,637,646,19789,7,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,199,208,637,646,19789,7,P,H1 +O,I-Alinea,développement,20,612,1008,"BCDPEE+Lato,Italic",#378,211,269,637,646,19789,7,P,H1 +O,I-Alinea,ou,20,612,1008,"BCDPEE+Lato,Italic",#378,271,281,637,646,19789,7,P,H1 +O,I-Alinea,"redéveloppement,",20,612,1008,"BCDPEE+Lato,Italic",#378,284,350,637,646,19789,7,P,H1 +O,I-Alinea,que,20,612,1008,"BCDPEE+Lato,Italic",#378,353,367,637,646,19789,7,P,H1 +O,I-Alinea,ce,20,612,1008,"BCDPEE+Lato,Italic",#378,370,378,637,646,19789,7,P,H1 +O,I-Alinea,soit,20,612,1008,"BCDPEE+Lato,Italic",#378,381,394,637,646,19789,7,P,H1 +O,I-Alinea,sous,20,612,1008,"BCDPEE+Lato,Italic",#378,397,414,637,646,19789,7,P,H1 +O,I-Alinea,forme,20,612,1008,"BCDPEE+Lato,Italic",#378,416,438,637,646,19789,7,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,441,450,637,646,19789,7,P,H1 +O,I-Alinea,fiches,20,612,1008,"BCDPEE+Lato,Italic",#378,453,475,637,646,19789,7,P,H1 +O,I-Alinea,ou,20,612,1008,"BCDPEE+Lato,Italic",#378,477,487,637,646,19789,7,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,489,499,637,646,19789,7,P,H1 +O,I-Alinea,prospection,20,612,1008,"BCDPEE+Lato,Italic",#378,149,193,650,659,19802,7,P,H1 +O,I-Alinea,"active,",20,612,1008,"BCDPEE+Lato,Italic",#378,195,220,650,659,19802,7,P,H1 +O,I-Alinea,reste,20,612,1008,"BCDPEE+Lato,Italic",#378,222,240,650,659,19802,7,P,H1 +O,I-Alinea,essentiel,20,612,1008,"BCDPEE+Lato,Italic",#378,243,275,650,659,19802,7,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,277,282,650,659,19802,7,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,284,290,650,659,19802,7,P,H1 +O,I-Alinea,mise,20,612,1008,"BCDPEE+Lato,Italic",#378,293,310,650,659,19802,7,P,H1 +O,I-Alinea,en,20,612,1008,"BCDOEE+Lato,Italic",#378,312,321,650,659,19802,7,P,H1 +O,I-Alinea,œuvre,20,612,1008,"BCDOEE+Lato,Italic",#378,324,347,650,659,19802,7,P,H1 +O,I-Alinea,d’une,20,612,1008,"BCDOEE+Lato,Italic",#378,349,370,650,659,19802,7,P,H1 +O,I-Alinea,vision,20,612,1008,"BCDOEE+Lato,Italic",#378,372,394,650,659,19802,7,P,H1 +O,I-Alinea,économique.,20,612,1008,"BCDOEE+Lato,Italic",#378,396,443,650,659,19802,7,P,H1 +O,I-Alinea,Il,20,612,1008,"BCDOEE+Lato,Italic",#378,446,450,650,659,19802,7,P,H1 +O,I-Alinea,faut,20,612,1008,"BCDOEE+Lato,Italic",#378,452,468,650,659,19802,7,P,H1 +O,I-Alinea,pousser,20,612,1008,"BCDOEE+Lato,Italic",#378,470,499,650,659,19802,7,P,H1 +O,I-Alinea,l’investisseur,20,612,1008,"BCDOEE+Lato,Italic",#378,149,196,662,671,19814,7,P,H1 +O,I-Alinea,vers,20,612,1008,"BCDOEE+Lato,Italic",#378,199,214,662,671,19814,7,P,H1 +O,I-Alinea,cette,20,612,1008,"BCDOEE+Lato,Italic",#378,216,235,662,671,19814,7,P,H1 +O,I-Alinea,vision,20,612,1008,"BCDOEE+Lato,Italic",#378,237,259,662,671,19814,7,P,H1 +O,I-Alinea,concertée,20,612,1008,"BCDOEE+Lato,Italic",#378,261,297,662,671,19814,7,P,H1 +O,I-Alinea,du,20,612,1008,"BCDOEE+Lato,Italic",#378,300,309,662,671,19814,7,P,H1 +O,I-Alinea,territoire,20,612,1008,"BCDOEE+Lato,Italic",#378,311,344,662,671,19814,7,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDOEE+Lato,Italic",#378,346,363,662,671,19814,7,P,H1 +O,I-Alinea,avoir,20,612,1008,"BCDOEE+Lato,Italic",#378,366,384,662,671,19814,7,P,H1 +O,I-Alinea,des,20,612,1008,"BCDOEE+Lato,Italic",#378,386,399,662,671,19814,7,P,H1 +O,I-Alinea,résultats.,20,612,1008,"BCDOEE+Lato,Italic",#378,401,436,662,671,19814,7,P,H1 +O,B-Alinea,Dans,20,612,1008,"BCDPEE+Lato,Italic",#378,149,168,684,693,19836,8,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,170,177,684,693,19836,8,P,H1 +O,I-Alinea,cas,20,612,1008,"BCDPEE+Lato,Italic",#378,179,191,684,693,19836,8,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,193,202,684,693,19836,8,P,H1 +O,I-Alinea,"Sainte-Adèle,",20,612,1008,"BCDPEE+Lato,Italic",#378,204,254,684,693,19836,8,P,H1 +O,I-Alinea,des,20,612,1008,"BCDPEE+Lato,Italic",#378,256,269,684,693,19836,8,P,H1 +O,I-Alinea,efforts,20,612,1008,"BCDPEE+Lato,Italic",#378,271,296,684,693,19836,8,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDPEE+Lato,Italic",#378,298,315,684,693,19836,8,P,H1 +O,I-Alinea,1),20,612,1008,"BCDPEE+Lato,Italic",#378,317,325,684,693,19836,8,P,H1 +O,I-Alinea,continuer,20,612,1008,"BCDPEE+Lato,Italic",#378,327,362,684,693,19836,8,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,365,374,684,693,19836,8,P,H1 +O,I-Alinea,mettre,20,612,1008,"BCDPEE+Lato,Italic",#378,376,401,684,693,19836,8,P,H1 +O,I-Alinea,en,20,612,1008,"BCDPEE+Lato,Italic",#378,403,412,684,693,19836,8,P,H1 +O,I-Alinea,valeur,20,612,1008,"BCDPEE+Lato,Italic",#378,414,437,684,693,19836,8,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,439,446,684,693,19836,8,P,H1 +O,I-Alinea,mont,20,612,1008,"BCDPEE+Lato,Italic",#378,448,467,684,693,19836,8,P,H1 +O,I-Alinea,"Gabriel,",20,612,1008,"BCDPEE+Lato,Italic",#378,470,498,684,693,19836,8,P,H1 +O,I-Alinea,2),20,612,1008,"BCDPEE+Lato,Italic",#378,149,156,697,706,19849,8,P,H1 +O,I-Alinea,trouver,20,612,1008,"BCDPEE+Lato,Italic",#378,159,186,697,706,19849,8,P,H1 +O,I-Alinea,une,20,612,1008,"BCDPEE+Lato,Italic",#378,188,202,697,706,19849,8,P,H1 +O,I-Alinea,solution,20,612,1008,"BCDPEE+Lato,Italic",#378,204,234,697,706,19849,8,P,H1 +O,I-Alinea,à,20,612,1008,"BCDOEE+Lato,Italic",#378,236,241,697,706,19849,8,P,H1 +O,I-Alinea,l’impasse,20,612,1008,"BCDOEE+Lato,Italic",#378,243,277,697,706,19849,8,P,H1 +O,I-Alinea,actuelle,20,612,1008,"BCDOEE+Lato,Italic",#378,279,309,697,706,19849,8,P,H1 +O,I-Alinea,du,20,612,1008,"BCDOEE+Lato,Italic",#378,311,320,697,706,19849,8,P,H1 +O,I-Alinea,Chantecler,20,612,1008,"BCDOEE+Lato,Italic",#378,323,363,697,706,19849,8,P,H1 +O,I-Alinea,et,20,612,1008,"BCDOEE+Lato,Italic",#378,365,373,697,706,19849,8,P,H1 +O,I-Alinea,3),20,612,1008,"BCDOEE+Lato,Italic",#378,375,383,697,706,19849,8,P,H1 +O,I-Alinea,définir,20,612,1008,"BCDOEE+Lato,Italic",#378,385,409,697,706,19849,8,P,H1 +O,I-Alinea,une,20,612,1008,"BCDOEE+Lato,Italic",#378,411,425,697,706,19849,8,P,H1 +O,I-Alinea,vision,20,612,1008,"BCDOEE+Lato,Italic",#378,427,448,697,706,19849,8,P,H1 +O,I-Alinea,durable,20,612,1008,"BCDOEE+Lato,Italic",#378,451,479,697,706,19849,8,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDOEE+Lato,Italic",#378,481,498,697,706,19849,8,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,149,155,709,718,19861,8,P,H1 +O,I-Alinea,projet,20,612,1008,"BCDPEE+Lato,Italic",#378,160,182,709,718,19861,8,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,186,195,709,718,19861,8,P,H1 +O,I-Alinea,La,20,612,1008,"BCDPEE+Lato,Italic",#378,200,209,709,718,19861,8,P,H1 +O,I-Alinea,Rolland,20,612,1008,"BCDPEE+Lato,Italic",#378,213,241,709,718,19861,8,P,H1 +O,I-Alinea,nous,20,612,1008,"BCDPEE+Lato,Italic",#378,245,263,709,718,19861,8,P,H1 +O,I-Alinea,apparaissent,20,612,1008,"BCDPEE+Lato,Italic",#378,267,315,709,718,19861,8,P,H1 +O,I-Alinea,comme,20,612,1008,"BCDPEE+Lato,Italic",#378,320,347,709,718,19861,8,P,H1 +O,I-Alinea,essentiels,20,612,1008,"BCDPEE+Lato,Italic",#378,352,387,709,718,19861,8,P,H1 +O,I-Alinea,au,20,612,1008,"BCDPEE+Lato,Italic",#378,392,401,709,718,19861,8,P,H1 +O,I-Alinea,futur,20,612,1008,"BCDPEE+Lato,Italic",#378,405,424,709,718,19861,8,P,H1 +O,I-Alinea,économique,20,612,1008,"BCDPEE+Lato,Italic",#378,428,474,709,718,19861,8,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,478,487,709,718,19861,8,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,492,498,709,718,19861,8,P,H1 +O,I-Alinea,municipalité,20,612,1008,"BCDPEE+Lato,Italic",#378,149,195,722,731,19874,8,P,H1 +O,I-Alinea,si,20,612,1008,"BCDPEE+Lato,Italic",#378,197,203,722,731,19874,8,P,H1 +O,I-Alinea,elle,20,612,1008,"BCDPEE+Lato,Italic",#378,205,218,722,731,19874,8,P,H1 +O,I-Alinea,souhaite,20,612,1008,"BCDPEE+Lato,Italic",#378,221,253,722,731,19874,8,P,H1 +O,I-Alinea,favoriser,20,612,1008,"BCDPEE+Lato,Italic",#378,255,288,722,731,19874,8,P,H1 +O,I-Alinea,un,20,612,1008,"BCDPEE+Lato,Italic",#378,290,300,722,731,19874,8,P,H1 +O,I-Alinea,développement,20,612,1008,"BCDPEE+Lato,Italic",#378,302,360,722,731,19874,8,P,H1 +O,I-Alinea,commercial,20,612,1008,"BCDPEE+Lato,Italic",#378,362,405,722,731,19874,8,P,H1 +O,I-Alinea,plus,20,612,1008,"BCDPEE+Lato,Italic",#378,408,423,722,731,19874,8,P,H1 +O,I-Alinea,intensif.,20,612,1008,"BCDPEE+Lato,Italic",#378,425,455,722,731,19874,8,P,H1 +O,I-Alinea,Même,20,612,1008,"BCDPEE+Lato,Italic",#378,458,481,722,731,19874,8,P,H1 +O,I-Alinea,si,20,612,1008,"BCDPEE+Lato,Italic",#378,484,489,722,731,19874,8,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,492,498,722,731,19874,8,P,H1 +O,I-Alinea,municipalité,20,612,1008,"BCDPEE+Lato,Italic",#378,149,195,734,743,19886,8,P,H1 +O,I-Alinea,a,20,612,1008,"BCDPEE+Lato,Italic",#378,198,203,734,743,19886,8,P,H1 +O,I-Alinea,progressivement,20,612,1008,"BCDPEE+Lato,Italic",#378,206,267,734,743,19886,8,P,H1 +O,I-Alinea,délaissé,20,612,1008,"BCDPEE+Lato,Italic",#378,271,300,734,743,19886,8,P,H1 +O,I-Alinea,une,20,612,1008,"BCDPEE+Lato,Italic",#378,303,317,734,743,19886,8,P,H1 +O,I-Alinea,activité,20,612,1008,"BCDPEE+Lato,Italic",#378,320,348,734,743,19886,8,P,H1 +O,I-Alinea,économique,20,612,1008,"BCDPEE+Lato,Italic",#378,351,397,734,743,19886,8,P,H1 +O,I-Alinea,axée,20,612,1008,"BCDPEE+Lato,Italic",#378,400,417,734,743,19886,8,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDPEE+Lato,Italic",#378,421,432,734,743,19886,8,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,436,442,734,743,19886,8,P,H1 +O,I-Alinea,tourisme,20,612,1008,"BCDPEE+Lato,Italic",#378,445,478,734,743,19886,8,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,481,489,734,743,19886,8,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,492,498,734,743,19886,8,P,H1 +O,I-Alinea,"villégiature,",20,612,1008,"BCDPEE+Lato,Italic",#378,149,192,747,756,19899,8,P,H1 +O,I-Alinea,il,20,612,1008,"BCDPEE+Lato,Italic",#378,197,201,747,756,19899,8,P,H1 +O,I-Alinea,reste,20,612,1008,"BCDPEE+Lato,Italic",#378,206,224,747,756,19899,8,P,H1 +O,I-Alinea,que,20,612,1008,"BCDPEE+Lato,Italic",#378,229,243,747,756,19899,8,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,248,258,747,756,19899,8,P,H1 +O,I-Alinea,principales,20,612,1008,"BCDPEE+Lato,Italic",#378,263,303,747,756,19899,8,P,H1 +O,I-Alinea,opportunités,20,612,1008,"BCDPEE+Lato,Italic",#378,308,355,747,756,19899,8,P,H1 +O,I-Alinea,avec,20,612,1008,"BCDPEE+Lato,Italic",#378,360,378,747,756,19899,8,P,H1 +O,I-Alinea,un,20,612,1008,"BCDPEE+Lato,Italic",#378,382,392,747,756,19899,8,P,H1 +O,I-Alinea,impact,20,612,1008,"BCDPEE+Lato,Italic",#378,397,423,747,756,19899,8,P,H1 +O,I-Alinea,pour,20,612,1008,"BCDPEE+Lato,Italic",#378,428,445,747,756,19899,8,P,H1 +O,I-Alinea,accélérer,20,612,1008,"BCDPEE+Lato,Italic",#378,450,484,747,756,19899,8,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,489,498,747,756,19899,8,P,H1 +O,I-Alinea,investissements,20,612,1008,"BCDPEE+Lato,Italic",#378,149,208,759,768,19911,8,P,H1 +O,I-Alinea,sur,20,612,1008,"BCDPEE+Lato,Italic",#378,210,221,759,768,19911,8,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,223,230,759,768,19911,8,P,H1 +O,I-Alinea,territoire,20,612,1008,"BCDPEE+Lato,Italic",#378,232,265,759,768,19911,8,P,H1 +O,I-Alinea,sont,20,612,1008,"BCDPEE+Lato,Italic",#378,267,283,759,768,19911,8,P,H1 +O,I-Alinea,encore,20,612,1008,"BCDPEE+Lato,Italic",#378,285,310,759,768,19911,8,P,H1 +O,I-Alinea,fortement,20,612,1008,"BCDPEE+Lato,Italic",#378,312,350,759,768,19911,8,P,H1 +O,I-Alinea,liées,20,612,1008,"BCDPEE+Lato,Italic",#378,352,368,759,768,19911,8,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,370,375,759,768,19911,8,P,H1 +O,I-Alinea,ce,20,612,1008,"BCDPEE+Lato,Italic",#378,377,386,759,768,19911,8,P,H1 +O,I-Alinea,secteur,20,612,1008,"BCDPEE+Lato,Italic",#378,388,415,759,768,19911,8,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,417,426,759,768,19911,8,P,H1 +O,I-Alinea,l’économie.,20,612,1008,"BCDOEE+Lato,Italic",#378,428,470,759,768,19911,8,P,H1 +O,I-Alinea,11F10,20,612,1008,"BCDOEE+Lato,Italic",#378,472,498,759,768,19911,8,P,H1 +O,B-Alinea,En,20,612,1008,"BCDOEE+Lato,Italic",#378,149,158,781,790,19933,9,P,H1 +O,I-Alinea,"somme,",20,612,1008,"BCDOEE+Lato,Italic",#378,162,190,781,790,19933,9,P,H1 +O,I-Alinea,le,20,612,1008,"BCDOEE+Lato,Italic",#378,194,200,781,790,19933,9,P,H1 +O,I-Alinea,développement,20,612,1008,"BCDOEE+Lato,Italic",#378,203,261,781,790,19933,9,P,H1 +O,I-Alinea,d’une,20,612,1008,"BCDOEE+Lato,Italic",#378,264,284,781,790,19933,9,P,H1 +O,I-Alinea,image,20,612,1008,"BCDOEE+Lato,Italic",#378,288,310,781,790,19933,9,P,H1 +O,I-Alinea,corporative,20,612,1008,"BCDOEE+Lato,Italic",#378,313,356,781,790,19933,9,P,H1 +O,I-Alinea,"intégrée,",20,612,1008,"BCDOEE+Lato,Italic",#378,359,392,781,790,19933,9,P,H1 +O,I-Alinea,une,20,612,1008,"BCDOEE+Lato,Italic",#378,395,409,781,790,19933,9,P,H1 +O,I-Alinea,meilleure,20,612,1008,"BCDOEE+Lato,Italic",#378,412,446,781,790,19933,9,P,H1 +O,I-Alinea,collaboration,20,612,1008,"BCDOEE+Lato,Italic",#378,449,498,781,790,19933,9,P,H1 +O,I-Alinea,avec,20,612,1008,"BCDPEE+Lato,Italic",#378,149,166,794,803,19946,9,P,H1 +O,I-Alinea,les,20,612,1008,"BCDPEE+Lato,Italic",#378,169,179,794,803,19946,9,P,H1 +O,I-Alinea,différents,20,612,1008,"BCDPEE+Lato,Italic",#378,181,217,794,803,19946,9,P,H1 +O,I-Alinea,acteurs,20,612,1008,"BCDPEE+Lato,Italic",#378,220,247,794,803,19946,9,P,H1 +O,I-Alinea,telle,20,612,1008,"BCDPEE+Lato,Italic",#378,250,266,794,803,19946,9,P,H1 +O,I-Alinea,que,20,612,1008,"BCDPEE+Lato,Italic",#378,268,282,794,803,19946,9,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,285,291,794,803,19946,9,P,H1 +O,I-Alinea,MRC,20,612,1008,"BCDPEE+Lato,Italic",#378,294,313,794,803,19946,9,P,H1 +O,I-Alinea,des,20,612,1008,"BCDPEE+Lato,Italic",#378,315,328,794,803,19946,9,P,H1 +O,I-Alinea,"Pays-d’en-haut,",20,612,1008,"BCDPEE+Lato,Italic",#378,330,390,794,803,19946,9,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,392,399,794,803,19946,9,P,H1 +O,I-Alinea,chambre,20,612,1008,"BCDPEE+Lato,Italic",#378,401,434,794,803,19946,9,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,437,446,794,803,19946,9,P,H1 +O,I-Alinea,commerce,20,612,1008,"BCDPEE+Lato,Italic",#378,448,487,794,803,19946,9,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,490,499,794,803,19946,9,P,H1 +O,I-Alinea,"Sainte-Adèle,",20,612,1008,"BCDPEE+Lato,Italic",#378,149,199,806,815,19958,9,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,200,207,806,815,19958,9,P,H1 +O,I-Alinea,développement,20,612,1008,"BCDPEE+Lato,Italic",#378,209,266,806,815,19958,9,P,H1 +O,I-Alinea,de,20,612,1008,"BCDPEE+Lato,Italic",#378,268,277,806,815,19958,9,P,H1 +O,I-Alinea,meilleurs,20,612,1008,"BCDPEE+Lato,Italic",#378,279,312,806,815,19958,9,P,H1 +O,I-Alinea,outils,20,612,1008,"BCDPEE+Lato,Italic",#378,314,334,806,815,19958,9,P,H1 +O,I-Alinea,d’urbanisme,20,612,1008,"BCDOEE+Lato,Italic",#378,336,382,806,815,19958,9,P,H1 +O,I-Alinea,tels,20,612,1008,"BCDOEE+Lato,Italic",#378,383,396,806,815,19958,9,P,H1 +O,I-Alinea,que,20,612,1008,"BCDOEE+Lato,Italic",#378,398,412,806,815,19958,9,P,H1 +O,I-Alinea,des,20,612,1008,"BCDOEE+Lato,Italic",#378,414,426,806,815,19958,9,P,H1 +O,I-Alinea,"fiches-conseils,",20,612,1008,"BCDOEE+Lato,Italic",#378,428,484,806,815,19958,9,P,H1 +O,I-Alinea,des,20,612,1008,"BCDPEE+Lato,Italic",#378,486,499,806,815,19958,9,P,H1 +O,I-Alinea,PIIA,20,612,1008,"BCDPEE+Lato,Italic",#378,149,164,819,828,19971,9,P,H1 +O,I-Alinea,plus,20,612,1008,"BCDPEE+Lato,Italic",#378,166,182,819,828,19971,9,P,H1 +O,I-Alinea,efficaces,20,612,1008,"BCDPEE+Lato,Italic",#378,184,216,819,828,19971,9,P,H1 +O,I-Alinea,et,20,612,1008,"BCDPEE+Lato,Italic",#378,218,226,819,828,19971,9,P,H1 +O,I-Alinea,faciles,20,612,1008,"BCDPEE+Lato,Italic",#378,228,251,819,828,19971,9,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,253,258,819,828,19971,9,P,H1 +O,I-Alinea,"comprendre,",20,612,1008,"BCDPEE+Lato,Italic",#378,260,307,819,828,19971,9,P,H1 +O,I-Alinea,des,20,612,1008,"BCDPEE+Lato,Italic",#378,309,322,819,828,19971,9,P,H1 +O,I-Alinea,règles,20,612,1008,"BCDPEE+Lato,Italic",#378,324,345,819,828,19971,9,P,H1 +O,I-Alinea,plus,20,612,1008,"BCDPEE+Lato,Italic",#378,347,362,819,828,19971,9,P,H1 +O,I-Alinea,adaptées,20,612,1008,"BCDPEE+Lato,Italic",#378,365,399,819,828,19971,9,P,H1 +O,I-Alinea,à,20,612,1008,"BCDPEE+Lato,Italic",#378,401,405,819,828,19971,9,P,H1 +O,I-Alinea,la,20,612,1008,"BCDPEE+Lato,Italic",#378,407,414,819,828,19971,9,P,H1 +O,I-Alinea,réalité,20,612,1008,"BCDPEE+Lato,Italic",#378,416,439,819,828,19971,9,P,H1 +O,I-Alinea,du,20,612,1008,"BCDPEE+Lato,Italic",#378,441,451,819,828,19971,9,P,H1 +O,I-Alinea,"marché,",20,612,1008,"BCDPEE+Lato,Italic",#378,453,483,819,828,19971,9,P,H1 +O,I-Alinea,une,20,612,1008,"BCDPEE+Lato,Italic",#378,485,499,819,828,19971,9,P,H1 +O,I-Alinea,plus,20,612,1008,"BCDOEE+Lato,Italic",#378,149,164,831,840,19983,9,P,H1 +O,I-Alinea,grande,20,612,1008,"BCDOEE+Lato,Italic",#378,171,197,831,840,19983,9,P,H1 +O,I-Alinea,flexibilité,20,612,1008,"BCDOEE+Lato,Italic",#378,203,237,831,840,19983,9,P,H1 +O,I-Alinea,dans,20,612,1008,"BCDOEE+Lato,Italic",#378,244,262,831,840,19983,9,P,H1 +O,I-Alinea,les,20,612,1008,"BCDOEE+Lato,Italic",#378,268,278,831,840,19983,9,P,H1 +O,I-Alinea,possibilités,20,612,1008,"BCDOEE+Lato,Italic",#378,285,325,831,840,19983,9,P,H1 +O,I-Alinea,et,20,612,1008,"BCDOEE+Lato,Italic",#378,332,340,831,840,19983,9,P,H1 +O,I-Alinea,combinaisons,20,612,1008,"BCDOEE+Lato,Italic",#378,346,397,831,840,19983,9,P,H1 +O,I-Alinea,d’usages,20,612,1008,"BCDOEE+Lato,Italic",#378,404,435,831,840,19983,9,P,H1 +O,I-Alinea,et,20,612,1008,"BCDOEE+Lato,Italic",#378,442,450,831,840,19983,9,P,H1 +O,I-Alinea,"surtout,",20,612,1008,"BCDOEE+Lato,Italic",#378,456,486,831,840,19983,9,P,H1 +O,I-Alinea,le,20,612,1008,"BCDPEE+Lato,Italic",#378,493,499,831,840,19983,9,P,H1 +O,B-Pied,9,20,612,1008,BCDLEE+Lato,#555,113,117,893,899,20045,10,P,Note;H1 +O,I-Pied,Étude,20,612,1008,BCDLEE+Lato,#555,119,142,894,903,20046,10,P,Note;H1 +O,I-Pied,LPG,20,612,1008,BCDLEE+Lato,#555,145,161,894,903,20046,10,P,Note;H1 +O,I-Pied,10,20,612,1008,BCDLEE+Lato,#555,113,120,916,922,20068,11,P,Note;H1 +O,I-Pied,Étude,20,612,1008,BCDLEE+Lato,#555,123,146,917,926,20069,11,P,Note;H1 +O,I-Pied,LPG,20,612,1008,BCDLEE+Lato,#555,148,165,917,926,20069,11,P,Note;H1 +O,I-Pied,20,20,612,1008,BCDLEE+Lato,#444,113,122,954,961,20106,,Artifact, +O,I-Pied,|,20,612,1008,BCDLEE+Lato,#444,125,127,954,961,20106,,Artifact, +O,I-Pied,5.,20,612,1008,BCDLEE+Lato,#444,131,136,954,961,20106,,Artifact, +O,I-Pied,Tendances,20,612,1008,BCDLEE+Lato,#444,138,171,954,961,20106,,Artifact, +O,I-Pied,économiques,20,612,1008,BCDLEE+Lato,#444,173,214,954,961,20106,,Artifact, +O,B-Chapitre,8,24,612,1008,BCDLEE+Lato,#555,113,123,117,133,23301,0,P,H3 +O,I-Chapitre,Contraintes,24,612,1008,BCDLEE+Lato,#555,135,217,117,133,23301,0,P,H3 +O,I-Chapitre,naturelles,24,612,1008,BCDLEE+Lato,#555,221,290,117,133,23301,0,P,H3 +O,I-Chapitre,et,24,612,1008,BCDLEE+Lato,#555,294,308,117,133,23301,0,P,H3 +O,I-Chapitre,anthropiques,24,612,1008,BCDLEE+Lato,#555,312,405,117,133,23301,0,P,H3 +O,B-Alinea,La,24,612,1008,BCDLEE+Lato,#555,113,123,167,176,23351,1,P,H1 +O,I-Alinea,carte,24,612,1008,BCDLEE+Lato,#555,124,144,167,176,23351,1,P,H1 +O,I-Alinea,des,24,612,1008,BCDLEE+Lato,#555,146,160,167,176,23351,1,P,H1 +O,I-Alinea,contraintes,24,612,1008,BCDLEE+Lato,#555,162,207,167,176,23351,1,P,H1 +O,I-Alinea,naturelles,24,612,1008,BCDLEE+Lato,#555,208,247,167,176,23351,1,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,249,257,167,176,23351,1,P,H1 +O,I-Alinea,anthropiques,24,612,1008,BCDLEE+Lato,#555,259,311,167,176,23351,1,P,H1 +O,I-Alinea,inclut,24,612,1008,BCDLEE+Lato,#555,313,335,167,176,23351,1,P,H1 +O,I-Alinea,la,24,612,1008,BCDMEE+Lato,#555,337,344,167,176,23351,1,P,H1 +O,I-Alinea,localisation,24,612,1008,BCDMEE+Lato,#555,346,390,167,176,23351,1,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,392,401,167,176,23351,1,P,H1 +O,I-Alinea,l’ensemble,24,612,1008,BCDMEE+Lato,#555,403,445,167,176,23351,1,P,H1 +O,I-Alinea,des,24,612,1008,BCDMEE+Lato,#555,447,461,167,176,23351,1,P,H1 +O,I-Alinea,éléments,24,612,1008,BCDMEE+Lato,#555,463,499,167,176,23351,1,P,H1 +O,I-Alinea,suivants,24,612,1008,BCDLEE+Lato,#555,113,146,180,189,23364,1,P,H1 +O,I-Alinea,:,24,612,1008,BCDLEE+Lato,#555,148,150,180,189,23364,1,P,H1 +O,B-Section,8.1,24,612,1008,BCDLEE+Lato,#444,120,137,203,215,23387,2,P,H4 +O,I-Section,Zone,24,612,1008,BCDLEE+Lato,#444,149,176,203,215,23387,2,P,H4 +O,I-Section,à,24,612,1008,BCDLEE+Lato,#444,180,186,203,215,23387,2,P,H4 +O,I-Section,risque,24,612,1008,BCDLEE+Lato,#444,189,221,203,215,23387,2,P,H4 +O,I-Section,de,24,612,1008,BCDLEE+Lato,#444,224,237,203,215,23387,2,P,H4 +O,I-Section,mouvement,24,612,1008,BCDLEE+Lato,#444,240,303,203,215,23387,2,P,H4 +O,I-Section,de,24,612,1008,BCDLEE+Lato,#444,306,319,203,215,23387,2,P,H4 +O,I-Section,sols,24,612,1008,BCDLEE+Lato,#444,322,342,203,215,23387,2,P,H4 +O,B-Alinea,Le,24,612,1008,BCDMEE+Lato,#555,113,123,229,238,23413,3,P,H1 +O,I-Alinea,schéma,24,612,1008,BCDMEE+Lato,#555,125,155,229,238,23413,3,P,H1 +O,I-Alinea,d’aménagement,24,612,1008,BCDMEE+Lato,#555,157,220,229,238,23413,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,223,232,229,238,23413,3,P,H1 +O,I-Alinea,la,24,612,1008,BCDMEE+Lato,#555,235,241,229,238,23413,3,P,H1 +O,I-Alinea,MRC,24,612,1008,BCDMEE+Lato,#555,243,263,229,238,23413,3,P,H1 +O,I-Alinea,des,24,612,1008,BCDMEE+Lato,#555,266,279,229,238,23413,3,P,H1 +O,I-Alinea,Pays,24,612,1008,BCDMEE+Lato,#555,282,300,229,238,23413,3,P,H1 +O,I-Alinea,d’en,24,612,1008,BCDMEE+Lato,#555,303,319,229,238,23413,3,P,H1 +O,I-Alinea,haut,24,612,1008,BCDLEE+Lato,#555,322,340,229,238,23413,3,P,H1 +O,I-Alinea,identifie,24,612,1008,BCDLEE+Lato,#555,342,374,229,238,23413,3,P,H1 +O,I-Alinea,un,24,612,1008,BCDLEE+Lato,#555,376,386,229,238,23413,3,P,H1 +O,I-Alinea,principal,24,612,1008,BCDLEE+Lato,#555,389,422,229,238,23413,3,P,H1 +O,I-Alinea,secteur,24,612,1008,BCDLEE+Lato,#555,425,454,229,238,23413,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,456,466,229,238,23413,3,P,H1 +O,I-Alinea,risque,24,612,1008,BCDLEE+Lato,#555,468,492,229,238,23413,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,113,123,241,250,23425,3,P,H1 +O,I-Alinea,mouvement,24,612,1008,BCDLEE+Lato,#555,126,173,241,250,23425,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,175,185,241,250,23425,3,P,H1 +O,I-Alinea,"sols,",24,612,1008,BCDLEE+Lato,#555,187,204,241,250,23425,3,P,H1 +O,I-Alinea,aux,24,612,1008,BCDLEE+Lato,#555,207,221,241,250,23425,3,P,H1 +O,I-Alinea,abords,24,612,1008,BCDLEE+Lato,#555,223,250,241,250,23425,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,252,262,241,250,23425,3,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,264,271,241,250,23425,3,P,H1 +O,I-Alinea,Rivière-du-Nord,24,612,1008,BCDLEE+Lato,#555,273,338,241,250,23425,3,P,H1 +O,I-Alinea,près,24,612,1008,BCDLEE+Lato,#555,340,357,241,250,23425,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,359,369,241,250,23425,3,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,371,378,241,250,23425,3,P,H1 +O,I-Alinea,limite,24,612,1008,BCDLEE+Lato,#555,380,402,241,250,23425,3,P,H1 +O,I-Alinea,municipale,24,612,1008,BCDLEE+Lato,#555,404,447,241,250,23425,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,449,459,241,250,23425,3,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,461,468,241,250,23425,3,P,H1 +O,I-Alinea,Municipalité,24,612,1008,BCDLEE+Lato,#555,113,162,254,263,23438,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,165,174,254,263,23438,3,P,H1 +O,I-Alinea,Piedmont.,24,612,1008,BCDLEE+Lato,#555,177,217,254,263,23438,3,P,H1 +O,I-Alinea,Dans,24,612,1008,BCDLEE+Lato,#555,219,239,254,263,23438,3,P,H1 +O,I-Alinea,ce,24,612,1008,BCDLEE+Lato,#555,242,251,254,263,23438,3,P,H1 +O,I-Alinea,"secteur,",24,612,1008,BCDLEE+Lato,#555,253,284,254,263,23438,3,P,H1 +O,I-Alinea,seront,24,612,1008,BCDLEE+Lato,#555,287,312,254,263,23438,3,P,H1 +O,I-Alinea,applicables,24,612,1008,BCDLEE+Lato,#555,314,358,254,263,23438,3,P,H1 +O,I-Alinea,les,24,612,1008,BCDLEE+Lato,#555,360,371,254,263,23438,3,P,H1 +O,I-Alinea,normes,24,612,1008,BCDLEE+Lato,#555,373,403,254,263,23438,3,P,H1 +O,I-Alinea,minimales,24,612,1008,BCDLEE+Lato,#555,405,444,254,263,23438,3,P,H1 +O,I-Alinea,régissant,24,612,1008,BCDLEE+Lato,#555,447,482,254,263,23438,3,P,H1 +O,I-Alinea,les,24,612,1008,BCDLEE+Lato,#555,484,495,254,263,23438,3,P,H1 +O,I-Alinea,zones,24,612,1008,BCDMEE+Lato,#555,113,136,266,275,23450,3,P,H1 +O,I-Alinea,"d’érosion,",24,612,1008,BCDMEE+Lato,#555,139,177,266,275,23450,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,179,189,266,275,23450,3,P,H1 +O,I-Alinea,glissement,24,612,1008,BCDMEE+Lato,#555,191,233,266,275,23450,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,235,245,266,275,23450,3,P,H1 +O,I-Alinea,terrain,24,612,1008,BCDMEE+Lato,#555,248,274,266,275,23450,3,P,H1 +O,I-Alinea,et,24,612,1008,BCDMEE+Lato,#555,276,284,266,275,23450,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,286,296,266,275,23450,3,P,H1 +O,I-Alinea,mouvement,24,612,1008,BCDMEE+Lato,#555,298,346,266,275,23450,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,348,358,266,275,23450,3,P,H1 +O,I-Alinea,sol,24,612,1008,BCDMEE+Lato,#555,360,371,266,275,23450,3,P,H1 +O,I-Alinea,afin,24,612,1008,BCDMEE+Lato,#555,374,388,266,275,23450,3,P,H1 +O,I-Alinea,d’assurer,24,612,1008,BCDMEE+Lato,#555,391,426,266,275,23450,3,P,H1 +O,I-Alinea,qu’aucune,24,612,1008,BCDMEE+Lato,#555,428,469,266,275,23450,3,P,H1 +O,I-Alinea,construction,24,612,1008,BCDLEE+Lato,#555,113,163,278,287,23462,3,P,H1 +O,I-Alinea,ne,24,612,1008,BCDLEE+Lato,#555,165,175,278,287,23462,3,P,H1 +O,I-Alinea,soit,24,612,1008,BCDLEE+Lato,#555,177,192,278,287,23462,3,P,H1 +O,I-Alinea,effectuée,24,612,1008,BCDLEE+Lato,#555,194,232,278,287,23462,3,P,H1 +O,I-Alinea,dans,24,612,1008,BCDLEE+Lato,#555,234,253,278,287,23462,3,P,H1 +O,I-Alinea,les,24,612,1008,BCDLEE+Lato,#555,255,266,278,287,23462,3,P,H1 +O,I-Alinea,espaces,24,612,1008,BCDLEE+Lato,#555,268,299,278,287,23462,3,P,H1 +O,I-Alinea,à,24,612,1008,BCDLEE+Lato,#555,301,306,278,287,23462,3,P,H1 +O,I-Alinea,risque,24,612,1008,BCDLEE+Lato,#555,308,332,278,287,23462,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,335,344,278,287,23462,3,P,H1 +O,I-Alinea,glissement,24,612,1008,BCDLEE+Lato,#555,347,389,278,287,23462,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,391,401,278,287,23462,3,P,H1 +O,I-Alinea,"terrain,",24,612,1008,BCDLEE+Lato,#555,403,431,278,287,23462,3,P,H1 +O,I-Alinea,il,24,612,1008,BCDLEE+Lato,#555,434,438,278,287,23462,3,P,H1 +O,I-Alinea,en,24,612,1008,BCDLEE+Lato,#555,440,450,278,287,23462,3,P,H1 +O,I-Alinea,va,24,612,1008,BCDLEE+Lato,#555,452,462,278,287,23462,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,464,474,278,287,23462,3,P,H1 +O,I-Alinea,même,24,612,1008,BCDLEE+Lato,#555,113,138,291,300,23475,3,P,H1 +O,I-Alinea,pour,24,612,1008,BCDLEE+Lato,#555,140,159,291,300,23475,3,P,H1 +O,I-Alinea,tout,24,612,1008,BCDLEE+Lato,#555,161,177,291,300,23475,3,P,H1 +O,I-Alinea,projet,24,612,1008,BCDLEE+Lato,#555,180,203,291,300,23475,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,206,215,291,300,23475,3,P,H1 +O,I-Alinea,lotissement,24,612,1008,BCDLEE+Lato,#555,218,263,291,300,23475,3,P,H1 +O,I-Alinea,majeur,24,612,1008,BCDLEE+Lato,#555,266,293,291,300,23475,3,P,H1 +O,I-Alinea,en,24,612,1008,BCDMEE+Lato,#555,295,305,291,300,23475,3,P,H1 +O,I-Alinea,flanc,24,612,1008,BCDMEE+Lato,#555,307,326,291,300,23475,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,328,338,291,300,23475,3,P,H1 +O,I-Alinea,montagne,24,612,1008,BCDMEE+Lato,#555,340,380,291,300,23475,3,P,H1 +O,I-Alinea,surplombant,24,612,1008,BCDMEE+Lato,#555,382,432,291,300,23475,3,P,H1 +O,I-Alinea,un,24,612,1008,BCDMEE+Lato,#555,434,444,291,300,23475,3,P,H1 +O,I-Alinea,cours,24,612,1008,BCDMEE+Lato,#555,447,468,291,300,23475,3,P,H1 +O,I-Alinea,d’eau,24,612,1008,BCDMEE+Lato,#555,471,492,291,300,23475,3,P,H1 +O,I-Alinea,dont,24,612,1008,BCDLEE+Lato,#555,113,132,303,312,23487,3,P,H1 +O,I-Alinea,le,24,612,1008,BCDLEE+Lato,#555,134,141,303,312,23487,3,P,H1 +O,I-Alinea,sol,24,612,1008,BCDLEE+Lato,#555,143,155,303,312,23487,3,P,H1 +O,I-Alinea,serait,24,612,1008,BCDLEE+Lato,#555,157,178,303,312,23487,3,P,H1 +O,I-Alinea,susceptible,24,612,1008,BCDLEE+Lato,#555,181,225,303,312,23487,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,227,237,303,312,23487,3,P,H1 +O,I-Alinea,constituer,24,612,1008,BCDLEE+Lato,#555,239,279,303,312,23487,3,P,H1 +O,I-Alinea,un,24,612,1008,BCDLEE+Lato,#555,282,292,303,312,23487,3,P,H1 +O,I-Alinea,risque,24,612,1008,BCDLEE+Lato,#555,294,318,303,312,23487,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,320,330,303,312,23487,3,P,H1 +O,I-Alinea,mouvement,24,612,1008,BCDLEE+Lato,#555,332,380,303,312,23487,3,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,382,392,303,312,23487,3,P,H1 +O,I-Alinea,sol.,24,612,1008,BCDLEE+Lato,#555,394,407,303,312,23487,3,P,H1 +O,B-Section,8.2,24,612,1008,BCDLEE+Lato,#444,120,137,326,338,23510,4,P,H4 +O,I-Section,Zone,24,612,1008,BCDMEE+Lato,#444,149,176,326,338,23510,4,P,H4 +O,I-Section,inondable,24,612,1008,BCDMEE+Lato,#444,180,231,326,338,23510,4,P,H4 +O,I-Section,et,24,612,1008,BCDMEE+Lato,#444,234,245,326,338,23510,4,P,H4 +O,I-Section,zone,24,612,1008,BCDMEE+Lato,#444,248,273,326,338,23510,4,P,H4 +O,I-Section,d’intervention,24,612,1008,BCDMEE+Lato,#444,276,350,326,338,23510,4,P,H4 +O,I-Section,spéciale,24,612,1008,BCDMEE+Lato,#444,353,395,326,338,23510,4,P,H4 +O,B-Alinea,Tel,24,612,1008,BCDLEE+Lato,#555,113,126,352,361,23536,5,P,H1 +O,I-Alinea,que,24,612,1008,BCDLEE+Lato,#555,128,143,352,361,23536,5,P,H1 +O,I-Alinea,relevé,24,612,1008,BCDLEE+Lato,#555,146,170,352,361,23536,5,P,H1 +O,I-Alinea,sur,24,612,1008,BCDLEE+Lato,#555,172,185,352,361,23536,5,P,H1 +O,I-Alinea,le,24,612,1008,BCDLEE+Lato,#555,187,194,352,361,23536,5,P,H1 +O,I-Alinea,plan,24,612,1008,BCDLEE+Lato,#555,197,213,352,361,23536,5,P,H1 +O,I-Alinea,des,24,612,1008,BCDLEE+Lato,#555,216,229,352,361,23536,5,P,H1 +O,I-Alinea,zones,24,612,1008,BCDLEE+Lato,#555,232,255,352,361,23536,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,257,267,352,361,23536,5,P,H1 +O,I-Alinea,"contraintes,",24,612,1008,BCDLEE+Lato,#555,270,316,352,361,23536,5,P,H1 +O,I-Alinea,des,24,612,1008,BCDLEE+Lato,#555,319,332,352,361,23536,5,P,H1 +O,I-Alinea,zones,24,612,1008,BCDLEE+Lato,#555,335,358,352,361,23536,5,P,H1 +O,I-Alinea,inondables,24,612,1008,BCDLEE+Lato,#555,360,403,352,361,23536,5,P,H1 +O,I-Alinea,0-20,24,612,1008,BCDLEE+Lato,#555,405,424,352,361,23536,5,P,H1 +O,I-Alinea,ans,24,612,1008,BCDLEE+Lato,#555,427,440,352,361,23536,5,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,443,451,352,361,23536,5,P,H1 +O,I-Alinea,20-100,24,612,1008,BCDLEE+Lato,#555,453,483,352,361,23536,5,P,H1 +O,I-Alinea,ans,24,612,1008,BCDLEE+Lato,#555,485,499,352,361,23536,5,P,H1 +O,I-Alinea,sont,24,612,1008,BCDLEE+Lato,#555,113,131,365,374,23549,5,P,H1 +O,I-Alinea,présentes,24,612,1008,BCDLEE+Lato,#555,133,172,365,374,23549,5,P,H1 +O,I-Alinea,en,24,612,1008,BCDLEE+Lato,#555,174,184,365,374,23549,5,P,H1 +O,I-Alinea,bordure,24,612,1008,BCDLEE+Lato,#555,187,218,365,374,23549,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,221,230,365,374,23549,5,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,233,240,365,374,23549,5,P,H1 +O,I-Alinea,rivière,24,612,1008,BCDLEE+Lato,#555,242,267,365,374,23549,5,P,H1 +O,I-Alinea,du,24,612,1008,BCDLEE+Lato,#555,270,280,365,374,23549,5,P,H1 +O,I-Alinea,Nord,24,612,1008,BCDLEE+Lato,#555,282,302,365,374,23549,5,P,H1 +O,I-Alinea,dans,24,612,1008,BCDLEE+Lato,#555,305,323,365,374,23549,5,P,H1 +O,I-Alinea,le,24,612,1008,BCDLEE+Lato,#555,326,333,365,374,23549,5,P,H1 +O,I-Alinea,secteur,24,612,1008,BCDLEE+Lato,#555,335,365,365,374,23549,5,P,H1 +O,I-Alinea,Mont-Rolland,24,612,1008,BCDLEE+Lato,#555,367,422,365,374,23549,5,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,425,433,365,374,23549,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,435,445,365,374,23549,5,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,447,454,365,374,23549,5,P,H1 +O,I-Alinea,rue,24,612,1008,BCDLEE+Lato,#555,456,469,365,374,23549,5,P,H1 +O,I-Alinea,Notre-,24,612,1008,BCDLEE+Lato,#555,472,499,365,374,23549,5,P,H1 +O,I-Alinea,Dame.,24,612,1008,BCDLEE+Lato,#555,113,139,377,386,23561,5,P,H1 +O,I-Alinea,Des,24,612,1008,BCDLEE+Lato,#555,143,158,377,386,23561,5,P,H1 +O,I-Alinea,contraintes,24,612,1008,BCDLEE+Lato,#555,162,207,377,386,23561,5,P,H1 +O,I-Alinea,au,24,612,1008,BCDLEE+Lato,#555,211,220,377,386,23561,5,P,H1 +O,I-Alinea,développement,24,612,1008,BCDLEE+Lato,#555,224,286,377,386,23561,5,P,H1 +O,I-Alinea,sont,24,612,1008,BCDLEE+Lato,#555,289,307,377,386,23561,5,P,H1 +O,I-Alinea,par,24,612,1008,BCDLEE+Lato,#555,311,323,377,386,23561,5,P,H1 +O,I-Alinea,conséquent,24,612,1008,BCDLEE+Lato,#555,327,373,377,386,23561,5,P,H1 +O,I-Alinea,imposées,24,612,1008,BCDLEE+Lato,#555,377,414,377,386,23561,5,P,H1 +O,I-Alinea,pour,24,612,1008,BCDLEE+Lato,#555,418,437,377,386,23561,5,P,H1 +O,I-Alinea,restreindre,24,612,1008,BCDLEE+Lato,#555,441,484,377,386,23561,5,P,H1 +O,I-Alinea,les,24,612,1008,BCDLEE+Lato,#555,488,499,377,386,23561,5,P,H1 +O,I-Alinea,améliorations,24,612,1008,BCDLEE+Lato,#555,113,167,389,398,23573,5,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,169,177,389,398,23573,5,P,H1 +O,I-Alinea,assurer,24,612,1008,BCDLEE+Lato,#555,179,208,389,398,23573,5,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,210,217,389,398,23573,5,P,H1 +O,I-Alinea,protection,24,612,1008,BCDLEE+Lato,#555,219,261,389,398,23573,5,P,H1 +O,I-Alinea,des,24,612,1008,BCDLEE+Lato,#555,263,277,389,398,23573,5,P,H1 +O,I-Alinea,constructions,24,612,1008,BCDLEE+Lato,#555,279,332,389,398,23573,5,P,H1 +O,I-Alinea,déjà,24,612,1008,BCDLEE+Lato,#555,335,351,389,398,23573,5,P,H1 +O,I-Alinea,présentes.,24,612,1008,BCDLEE+Lato,#555,354,394,389,398,23573,5,P,H1 +O,I-Alinea,De,24,612,1008,BCDLEE+Lato,#555,397,409,389,398,23573,5,P,H1 +O,I-Alinea,"plus,",24,612,1008,BCDLEE+Lato,#555,411,429,389,398,23573,5,P,H1 +O,I-Alinea,le,24,612,1008,BCDLEE+Lato,#555,432,439,389,398,23573,5,P,H1 +O,I-Alinea,gouvernement,24,612,1008,BCDLEE+Lato,#555,441,499,389,398,23573,5,P,H1 +O,I-Alinea,du,24,612,1008,BCDLEE+Lato,#555,113,123,402,411,23586,5,P,H1 +O,I-Alinea,Québec,24,612,1008,BCDLEE+Lato,#555,126,157,402,411,23586,5,P,H1 +O,I-Alinea,a,24,612,1008,BCDLEE+Lato,#555,160,164,402,411,23586,5,P,H1 +O,I-Alinea,"décrété,",24,612,1008,BCDLEE+Lato,#555,167,199,402,411,23586,5,P,H1 +O,I-Alinea,suite,24,612,1008,BCDLEE+Lato,#555,202,221,402,411,23586,5,P,H1 +O,I-Alinea,aux,24,612,1008,BCDLEE+Lato,#555,224,238,402,411,23586,5,P,H1 +O,I-Alinea,périodes,24,612,1008,BCDLEE+Lato,#555,240,274,402,411,23586,5,P,H1 +O,I-Alinea,d’inondations,24,612,1008,BCDMEE+Lato,#555,277,330,402,411,23586,5,P,H1 +O,I-Alinea,panquébécoises,24,612,1008,BCDMEE+Lato,#555,333,396,402,411,23586,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,399,409,402,411,23586,5,P,H1 +O,I-Alinea,2017,24,612,1008,BCDMEE+Lato,#555,411,432,402,411,23586,5,P,H1 +O,I-Alinea,et,24,612,1008,BCDMEE+Lato,#555,435,443,402,411,23586,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,446,455,402,411,23586,5,P,H1 +O,I-Alinea,"2019,",24,612,1008,BCDMEE+Lato,#555,458,481,402,411,23586,5,P,H1 +O,I-Alinea,une,24,612,1008,BCDMEE+Lato,#555,484,498,402,411,23586,5,P,H1 +O,I-Alinea,Zone,24,612,1008,"BCDOEE+Lato,Italic",#555,113,132,414,423,23598,5,P,H1 +O,I-Alinea,d’intervention,24,612,1008,"BCDOEE+Lato,Italic",#555,141,193,414,423,23598,5,P,H1 +O,I-Alinea,spéciale,24,612,1008,"BCDOEE+Lato,Italic",#555,201,231,414,423,23598,5,P,H1 +O,I-Alinea,afin,24,612,1008,BCDMEE+Lato,#555,240,254,414,423,23598,5,P,H1 +O,I-Alinea,d’imposer,24,612,1008,BCDMEE+Lato,#555,263,302,414,423,23598,5,P,H1 +O,I-Alinea,temporairement,24,612,1008,BCDLEE+Lato,#555,310,374,414,423,23598,5,P,H1 +O,I-Alinea,des,24,612,1008,BCDLEE+Lato,#555,383,397,414,423,23598,5,P,H1 +O,I-Alinea,règles,24,612,1008,BCDLEE+Lato,#555,405,429,414,423,23598,5,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,437,445,414,423,23598,5,P,H1 +O,I-Alinea,contraintes,24,612,1008,BCDLEE+Lato,#555,454,499,414,423,23598,5,P,H1 +O,I-Alinea,"supplémentaires,",24,612,1008,BCDLEE+Lato,#555,113,180,427,436,23611,5,P,H1 +O,I-Alinea,en,24,612,1008,BCDLEE+Lato,#555,184,194,427,436,23611,5,P,H1 +O,I-Alinea,attendant,24,612,1008,BCDLEE+Lato,#555,197,235,427,436,23611,5,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,239,245,427,436,23611,5,P,H1 +O,I-Alinea,révision,24,612,1008,BCDLEE+Lato,#555,249,280,427,436,23611,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,283,293,427,436,23611,5,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,296,303,427,436,23611,5,P,H1 +O,I-Alinea,réglementation,24,612,1008,BCDLEE+Lato,#555,306,366,427,436,23611,5,P,H1 +O,I-Alinea,provinciale.,24,612,1008,BCDLEE+Lato,#555,369,415,427,436,23611,5,P,H1 +O,I-Alinea,Les,24,612,1008,BCDLEE+Lato,#555,418,432,427,436,23611,5,P,H1 +O,I-Alinea,limites,24,612,1008,BCDLEE+Lato,#555,435,461,427,436,23611,5,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,464,472,427,436,23611,5,P,H1 +O,I-Alinea,règles,24,612,1008,BCDLEE+Lato,#555,475,499,427,436,23611,5,P,H1 +O,I-Alinea,applicables,24,612,1008,BCDLEE+Lato,#555,113,157,439,448,23623,5,P,H1 +O,I-Alinea,peuvent,24,612,1008,BCDLEE+Lato,#555,159,191,439,448,23623,5,P,H1 +O,I-Alinea,être,24,612,1008,BCDLEE+Lato,#555,193,209,439,448,23623,5,P,H1 +O,I-Alinea,consultées,24,612,1008,BCDLEE+Lato,#555,211,253,439,448,23623,5,P,H1 +O,I-Alinea,sur,24,612,1008,BCDLEE+Lato,#555,255,267,439,448,23623,5,P,H1 +O,I-Alinea,le,24,612,1008,BCDLEE+Lato,#555,269,275,439,448,23623,5,P,H1 +O,I-Alinea,site,24,612,1008,BCDLEE+Lato,#555,277,291,439,448,23623,5,P,H1 +O,I-Alinea,internet,24,612,1008,BCDLEE+Lato,#555,293,324,439,448,23623,5,P,H1 +O,I-Alinea,du,24,612,1008,BCDLEE+Lato,#555,326,336,439,448,23623,5,P,H1 +O,I-Alinea,gouvernement,24,612,1008,BCDLEE+Lato,#555,338,396,439,448,23623,5,P,H1 +O,I-Alinea,du,24,612,1008,BCDLEE+Lato,#555,397,408,439,448,23623,5,P,H1 +O,I-Alinea,Québec.,24,612,1008,BCDLEE+Lato,#555,409,443,439,448,23623,5,P,H1 +O,I-Alinea,Les,24,612,1008,BCDLEE+Lato,#555,445,458,439,448,23623,5,P,H1 +O,I-Alinea,territoires,24,612,1008,BCDLEE+Lato,#555,460,499,439,448,23623,5,P,H1 +O,I-Alinea,visés,24,612,1008,BCDLEE+Lato,#555,113,133,452,461,23636,5,P,H1 +O,I-Alinea,sont,24,612,1008,BCDLEE+Lato,#555,135,152,452,461,23636,5,P,H1 +O,I-Alinea,regroupés,24,612,1008,BCDLEE+Lato,#555,154,193,452,461,23636,5,P,H1 +O,I-Alinea,aux,24,612,1008,BCDLEE+Lato,#555,195,209,452,461,23636,5,P,H1 +O,I-Alinea,abords,24,612,1008,BCDLEE+Lato,#555,211,238,452,461,23636,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,239,249,452,461,23636,5,P,H1 +O,I-Alinea,certaines,24,612,1008,BCDLEE+Lato,#555,251,287,452,461,23636,5,P,H1 +O,I-Alinea,portions,24,612,1008,BCDLEE+Lato,#555,289,321,452,461,23636,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,323,333,452,461,23636,5,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,335,341,452,461,23636,5,P,H1 +O,I-Alinea,rivière,24,612,1008,BCDLEE+Lato,#555,343,368,452,461,23636,5,P,H1 +O,I-Alinea,du,24,612,1008,BCDLEE+Lato,#555,370,380,452,461,23636,5,P,H1 +O,I-Alinea,Nord,24,612,1008,BCDLEE+Lato,#555,381,402,452,461,23636,5,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,404,412,452,461,23636,5,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,413,423,452,461,23636,5,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,425,432,452,461,23636,5,P,H1 +O,I-Alinea,Rivière-à-Simon.,24,612,1008,BCDLEE+Lato,#555,433,499,452,461,23636,5,P,H1 +O,B-Section,8.3,24,612,1008,BCDLEE+Lato,#444,120,137,475,487,23659,6,P,H4 +O,I-Section,Corridor,24,612,1008,BCDLEE+Lato,#444,149,194,475,487,23659,6,P,H4 +O,I-Section,autoroutier,24,612,1008,BCDLEE+Lato,#444,197,256,475,487,23659,6,P,H4 +O,B-Alinea,Des,24,612,1008,BCDMEE+Lato,#555,113,129,501,510,23685,7,P,H1 +O,I-Alinea,zones,24,612,1008,BCDMEE+Lato,#555,132,154,501,510,23685,7,P,H1 +O,I-Alinea,d’impact,24,612,1008,BCDMEE+Lato,#555,157,191,501,510,23685,7,P,H1 +O,I-Alinea,sonores,24,612,1008,BCDMEE+Lato,#555,193,224,501,510,23685,7,P,H1 +O,I-Alinea,ont,24,612,1008,BCDMEE+Lato,#555,227,240,501,510,23685,7,P,H1 +O,I-Alinea,été,24,612,1008,BCDMEE+Lato,#555,243,256,501,510,23685,7,P,H1 +O,I-Alinea,établies,24,612,1008,BCDMEE+Lato,#555,258,289,501,510,23685,7,P,H1 +O,I-Alinea,au,24,612,1008,BCDMEE+Lato,#555,291,301,501,510,23685,7,P,H1 +O,I-Alinea,schéma,24,612,1008,BCDMEE+Lato,#555,304,333,501,510,23685,7,P,H1 +O,I-Alinea,d’aménagement,24,612,1008,BCDMEE+Lato,#555,336,399,501,510,23685,7,P,H1 +O,I-Alinea,par,24,612,1008,BCDMEE+Lato,#555,401,414,501,510,23685,7,P,H1 +O,I-Alinea,rapport,24,612,1008,BCDMEE+Lato,#555,417,446,501,510,23685,7,P,H1 +O,I-Alinea,aux,24,612,1008,BCDMEE+Lato,#555,449,463,501,510,23685,7,P,H1 +O,I-Alinea,voies,24,612,1008,BCDMEE+Lato,#555,465,486,501,510,23685,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,489,499,501,510,23685,7,P,H1 +O,I-Alinea,circulation,24,612,1008,BCDLEE+Lato,#555,113,155,513,522,23697,7,P,H1 +O,I-Alinea,automobile,24,612,1008,BCDLEE+Lato,#555,157,202,513,522,23697,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,204,214,513,522,23697,7,P,H1 +O,I-Alinea,plus,24,612,1008,BCDLEE+Lato,#555,217,233,513,522,23697,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,235,245,513,522,23697,7,P,H1 +O,I-Alinea,50,24,612,1008,BCDLEE+Lato,#555,248,258,513,522,23697,7,P,H1 +O,I-Alinea,"km/h,",24,612,1008,BCDLEE+Lato,#555,261,284,513,522,23697,7,P,H1 +O,I-Alinea,soit,24,612,1008,BCDLEE+Lato,#555,286,301,513,522,23697,7,P,H1 +O,I-Alinea,l’autoroute,24,612,1008,BCDMEE+Lato,#555,304,347,513,522,23697,7,P,H1 +O,I-Alinea,"15,",24,612,1008,BCDMEE+Lato,#555,349,362,513,522,23697,7,P,H1 +O,I-Alinea,la,24,612,1008,BCDMEE+Lato,#555,365,371,513,522,23697,7,P,H1 +O,I-Alinea,route,24,612,1008,BCDMEE+Lato,#555,374,395,513,522,23697,7,P,H1 +O,I-Alinea,117,24,612,1008,BCDMEE+Lato,#555,398,413,513,522,23697,7,P,H1 +O,I-Alinea,au,24,612,1008,BCDMEE+Lato,#555,416,426,513,522,23697,7,P,H1 +O,I-Alinea,sud,24,612,1008,BCDMEE+Lato,#555,428,442,513,522,23697,7,P,H1 +O,I-Alinea,et,24,612,1008,BCDMEE+Lato,#555,445,453,513,522,23697,7,P,H1 +O,I-Alinea,au,24,612,1008,BCDMEE+Lato,#555,455,465,513,522,23697,7,P,H1 +O,I-Alinea,nord,24,612,1008,BCDMEE+Lato,#555,467,486,513,522,23697,7,P,H1 +O,I-Alinea,du,24,612,1008,BCDMEE+Lato,#555,488,498,513,522,23697,7,P,H1 +O,I-Alinea,centre-ville,24,612,1008,BCDLEE+Lato,#555,113,158,525,534,23709,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,161,171,525,534,23709,7,P,H1 +O,I-Alinea,Sainte-Adèle,24,612,1008,BCDLEE+Lato,#555,174,224,525,534,23709,7,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,227,235,525,534,23709,7,P,H1 +O,I-Alinea,le,24,612,1008,BCDLEE+Lato,#555,238,245,525,534,23709,7,P,H1 +O,I-Alinea,chemin,24,612,1008,BCDLEE+Lato,#555,248,277,525,534,23709,7,P,H1 +O,I-Alinea,Pierre-Péladeau,24,612,1008,BCDLEE+Lato,#555,280,343,525,534,23709,7,P,H1 +O,I-Alinea,à,24,612,1008,BCDMEE+Lato,#555,346,351,525,534,23709,7,P,H1 +O,I-Alinea,l’est,24,612,1008,BCDMEE+Lato,#555,354,369,525,534,23709,7,P,H1 +O,I-Alinea,du,24,612,1008,BCDMEE+Lato,#555,372,382,525,534,23709,7,P,H1 +O,I-Alinea,centre-ville,24,612,1008,BCDMEE+Lato,#555,385,430,525,534,23709,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,433,443,525,534,23709,7,P,H1 +O,I-Alinea,Sainte-Adèle.,24,612,1008,BCDLEE+Lato,#555,446,499,525,534,23709,7,P,H1 +O,I-Alinea,Dans,24,612,1008,BCDLEE+Lato,#555,113,134,538,547,23722,7,P,H1 +O,I-Alinea,tous,24,612,1008,BCDLEE+Lato,#555,136,154,538,547,23722,7,P,H1 +O,I-Alinea,les,24,612,1008,BCDLEE+Lato,#555,156,167,538,547,23722,7,P,H1 +O,I-Alinea,"cas,",24,612,1008,BCDLEE+Lato,#555,170,184,538,547,23722,7,P,H1 +O,I-Alinea,les,24,612,1008,BCDLEE+Lato,#555,187,198,538,547,23722,7,P,H1 +O,I-Alinea,projets,24,612,1008,BCDLEE+Lato,#555,201,228,538,547,23722,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,231,240,538,547,23722,7,P,H1 +O,I-Alinea,construction,24,612,1008,BCDLEE+Lato,#555,243,293,538,547,23722,7,P,H1 +O,I-Alinea,"résidentiels,",24,612,1008,BCDLEE+Lato,#555,295,343,538,547,23722,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,345,355,538,547,23722,7,P,H1 +O,I-Alinea,villégiatures,24,612,1008,BCDLEE+Lato,#555,358,405,538,547,23722,7,P,H1 +O,I-Alinea,ou,24,612,1008,BCDLEE+Lato,#555,408,418,538,547,23722,7,P,H1 +O,I-Alinea,"institutionnels,",24,612,1008,BCDLEE+Lato,#555,420,479,538,547,23722,7,P,H1 +O,I-Alinea,sont,24,612,1008,BCDLEE+Lato,#555,481,499,538,547,23722,7,P,H1 +O,I-Alinea,assujettis,24,612,1008,BCDLEE+Lato,#555,113,150,550,559,23734,7,P,H1 +O,I-Alinea,à,24,612,1008,BCDMEE+Lato,#555,152,157,550,559,23734,7,P,H1 +O,I-Alinea,l’approbation,24,612,1008,BCDMEE+Lato,#555,159,211,550,559,23734,7,P,H1 +O,I-Alinea,d’un,24,612,1008,BCDMEE+Lato,#555,212,229,550,559,23734,7,P,H1 +O,I-Alinea,plan,24,612,1008,BCDMEE+Lato,#555,231,248,550,559,23734,7,P,H1 +O,I-Alinea,d’implantation,24,612,1008,BCDMEE+Lato,#555,250,307,550,559,23734,7,P,H1 +O,I-Alinea,et,24,612,1008,BCDMEE+Lato,#555,308,316,550,559,23734,7,P,H1 +O,I-Alinea,d’intégration,24,612,1008,BCDMEE+Lato,#555,318,368,550,559,23734,7,P,H1 +O,I-Alinea,architecturale,24,612,1008,BCDMEE+Lato,#555,370,425,550,559,23734,7,P,H1 +O,I-Alinea,lequel,24,612,1008,BCDMEE+Lato,#555,427,450,550,559,23734,7,P,H1 +O,I-Alinea,sera,24,612,1008,BCDMEE+Lato,#555,452,469,550,559,23734,7,P,H1 +O,I-Alinea,"évalué,",24,612,1008,BCDMEE+Lato,#555,471,498,550,559,23734,7,P,H1 +O,I-Alinea,"notamment,",24,612,1008,BCDMEE+Lato,#555,113,161,563,572,23747,7,P,H1 +O,I-Alinea,en,24,612,1008,BCDMEE+Lato,#555,163,173,563,572,23747,7,P,H1 +O,I-Alinea,vertu,24,612,1008,BCDMEE+Lato,#555,176,196,563,572,23747,7,P,H1 +O,I-Alinea,des,24,612,1008,BCDMEE+Lato,#555,199,212,563,572,23747,7,P,H1 +O,I-Alinea,critères,24,612,1008,BCDMEE+Lato,#555,215,244,563,572,23747,7,P,H1 +O,I-Alinea,suivants,24,612,1008,BCDMEE+Lato,#555,247,279,563,572,23747,7,P,H1 +O,I-Alinea,afin,24,612,1008,BCDMEE+Lato,#555,281,296,563,572,23747,7,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,298,308,563,572,23747,7,P,H1 +O,I-Alinea,minimiser,24,612,1008,BCDMEE+Lato,#555,310,349,563,572,23747,7,P,H1 +O,I-Alinea,l’impact,24,612,1008,BCDMEE+Lato,#555,351,382,563,572,23747,7,P,H1 +O,I-Alinea,des,24,612,1008,BCDMEE+Lato,#555,384,398,563,572,23747,7,P,H1 +O,I-Alinea,nuisances,24,612,1008,BCDMEE+Lato,#555,400,438,563,572,23747,7,P,H1 +O,I-Alinea,sonores,24,612,1008,BCDMEE+Lato,#555,441,472,563,572,23747,7,P,H1 +O,I-Alinea,:,24,612,1008,BCDLEE+Lato,#555,474,477,563,572,23747,7,P,H1 +O,B-Liste,•,24,612,1008,SymbolMT,#555,131,136,585,594,23769,8,P,H1 +O,I-Liste,la,24,612,1008,BCDMEE+Lato,#555,149,156,585,594,23769,8,P,H1 +O,I-Liste,"superficie,",24,612,1008,BCDMEE+Lato,#555,158,199,585,594,23769,8,P,H1 +O,I-Liste,l’orientation,24,612,1008,BCDMEE+Lato,#555,201,249,585,594,23769,8,P,H1 +O,I-Liste,et,24,612,1008,BCDMEE+Lato,#555,251,259,585,594,23769,8,P,H1 +O,I-Liste,l’aménagement,24,612,1008,BCDMEE+Lato,#555,261,321,585,594,23769,8,P,H1 +O,I-Liste,du,24,612,1008,BCDMEE+Lato,#555,324,334,585,594,23769,8,P,H1 +O,I-Liste,terrain;,24,612,1008,BCDMEE+Lato,#555,336,365,585,594,23769,8,P,H1 +O,B-Liste,•,24,612,1008,SymbolMT,#555,131,136,598,607,23782,9,P,H1 +O,I-Liste,la,24,612,1008,BCDLEE+Lato,#555,149,156,598,607,23782,9,P,H1 +O,I-Liste,"localisation,",24,612,1008,BCDMEE+Lato,#555,158,205,598,607,23782,9,P,H1 +O,I-Liste,l’orientation,24,612,1008,BCDMEE+Lato,#555,207,254,598,607,23782,9,P,H1 +O,I-Liste,et,24,612,1008,BCDMEE+Lato,#555,257,265,598,607,23782,9,P,H1 +O,I-Liste,l’insonorisation,24,612,1008,BCDMEE+Lato,#555,267,327,598,607,23782,9,P,H1 +O,I-Liste,des,24,612,1008,BCDMEE+Lato,#555,329,343,598,607,23782,9,P,H1 +O,I-Liste,bâtiments;,24,612,1008,BCDMEE+Lato,#555,345,386,598,607,23782,9,P,H1 +O,B-Liste,•,24,612,1008,SymbolMT,#555,131,136,610,619,23794,10,P,H1 +O,I-Liste,la,24,612,1008,BCDMEE+Lato,#555,149,156,610,619,23794,10,P,H1 +O,I-Liste,localisation,24,612,1008,BCDMEE+Lato,#555,158,203,610,619,23794,10,P,H1 +O,I-Liste,et,24,612,1008,BCDMEE+Lato,#555,205,213,610,619,23794,10,P,H1 +O,I-Liste,l’orientation,24,612,1008,BCDMEE+Lato,#555,215,263,610,619,23794,10,P,H1 +O,I-Liste,des,24,612,1008,BCDMEE+Lato,#555,265,279,610,619,23794,10,P,H1 +O,I-Liste,ouvertures,24,612,1008,BCDMEE+Lato,#555,281,324,610,619,23794,10,P,H1 +O,I-Liste,(portes,24,612,1008,BCDMEE+Lato,#555,326,354,610,619,23794,10,P,H1 +O,I-Liste,et,24,612,1008,BCDMEE+Lato,#555,356,364,610,619,23794,10,P,H1 +O,I-Liste,fenêtres);,24,612,1008,BCDMEE+Lato,#555,366,404,610,619,23794,10,P,H1 +O,B-Liste,•,24,612,1008,SymbolMT,#555,131,136,623,632,23807,11,P,H1 +O,I-Liste,la,24,612,1008,BCDLEE+Lato,#555,149,156,623,632,23807,11,P,H1 +O,I-Liste,localisation,24,612,1008,BCDLEE+Lato,#555,158,203,623,632,23807,11,P,H1 +O,I-Liste,des,24,612,1008,BCDLEE+Lato,#555,205,219,623,632,23807,11,P,H1 +O,I-Liste,pièces,24,612,1008,BCDLEE+Lato,#555,221,246,623,632,23807,11,P,H1 +O,I-Liste,(chambres).,24,612,1008,BCDLEE+Lato,#555,248,293,623,632,23807,11,P,H1 +O,B-Alinea,Des,24,612,1008,BCDMEE+Lato,#555,113,129,645,654,23829,12,P,H1 +O,I-Alinea,règles,24,612,1008,BCDMEE+Lato,#555,132,155,645,654,23829,12,P,H1 +O,I-Alinea,d’exception,24,612,1008,BCDMEE+Lato,#555,158,203,645,654,23829,12,P,H1 +O,I-Alinea,peuvent,24,612,1008,BCDMEE+Lato,#555,206,238,645,654,23829,12,P,H1 +O,I-Alinea,également,24,612,1008,BCDMEE+Lato,#555,241,282,645,654,23829,12,P,H1 +O,I-Alinea,s’appliquer,24,612,1008,BCDMEE+Lato,#555,285,327,645,654,23829,12,P,H1 +O,I-Alinea,conformément,24,612,1008,BCDMEE+Lato,#555,330,388,645,654,23829,12,P,H1 +O,I-Alinea,au,24,612,1008,BCDMEE+Lato,#555,391,400,645,654,23829,12,P,H1 +O,I-Alinea,schéma,24,612,1008,BCDMEE+Lato,#555,403,433,645,654,23829,12,P,H1 +O,I-Alinea,d’aménagement,24,612,1008,BCDMEE+Lato,#555,435,499,645,654,23829,12,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,113,121,658,667,23842,12,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,124,134,658,667,23842,12,P,H1 +O,I-Alinea,développement,24,612,1008,BCDLEE+Lato,#555,136,197,658,667,23842,12,P,H1 +O,I-Alinea,révisé.,24,612,1008,BCDLEE+Lato,#555,200,225,658,667,23842,12,P,H1 +O,B-Section,8.4,24,612,1008,BCDLEE+Lato,#444,120,137,703,715,23887,14,P,H4 +O,I-Section,Lignes,24,612,1008,BCDLEE+Lato,#444,149,183,703,715,23887,14,P,H4 +O,I-Section,de,24,612,1008,BCDLEE+Lato,#444,186,199,703,715,23887,14,P,H4 +O,I-Section,transport,24,612,1008,BCDLEE+Lato,#444,202,251,703,715,23887,14,P,H4 +O,I-Section,électrique,24,612,1008,BCDLEE+Lato,#444,254,306,703,715,23887,14,P,H4 +O,B-Alinea,Bien,24,612,1008,BCDLEE+Lato,#555,113,131,729,738,23913,15,P,H1 +O,I-Alinea,que,24,612,1008,BCDLEE+Lato,#555,133,148,729,738,23913,15,P,H1 +O,I-Alinea,peu,24,612,1008,BCDLEE+Lato,#555,150,165,729,738,23913,15,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,167,177,729,738,23913,15,P,H1 +O,I-Alinea,règles,24,612,1008,BCDLEE+Lato,#555,179,202,729,738,23913,15,P,H1 +O,I-Alinea,régissent,24,612,1008,BCDLEE+Lato,#555,205,240,729,738,23913,15,P,H1 +O,I-Alinea,la,24,612,1008,BCDLEE+Lato,#555,242,249,729,738,23913,15,P,H1 +O,I-Alinea,construction,24,612,1008,BCDLEE+Lato,#555,251,301,729,738,23913,15,P,H1 +O,I-Alinea,à,24,612,1008,BCDLEE+Lato,#555,303,307,729,738,23913,15,P,H1 +O,I-Alinea,proximité,24,612,1008,BCDLEE+Lato,#555,309,347,729,738,23913,15,P,H1 +O,I-Alinea,des,24,612,1008,BCDLEE+Lato,#555,349,363,729,738,23913,15,P,H1 +O,I-Alinea,lignes,24,612,1008,BCDLEE+Lato,#555,365,387,729,738,23913,15,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,389,399,729,738,23913,15,P,H1 +O,I-Alinea,transport,24,612,1008,BCDLEE+Lato,#555,401,438,729,738,23913,15,P,H1 +O,I-Alinea,"électrique,",24,612,1008,BCDLEE+Lato,#555,440,481,729,738,23913,15,P,H1 +O,I-Alinea,leur,24,612,1008,BCDLEE+Lato,#555,483,499,729,738,23913,15,P,H1 +O,I-Alinea,présence,24,612,1008,BCDLEE+Lato,#555,113,149,742,751,23926,15,P,H1 +O,I-Alinea,constitue,24,612,1008,BCDLEE+Lato,#555,151,188,742,751,23926,15,P,H1 +O,I-Alinea,tout,24,612,1008,BCDLEE+Lato,#555,190,206,742,751,23926,15,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,208,218,742,751,23926,15,P,H1 +O,I-Alinea,même,24,612,1008,BCDLEE+Lato,#555,220,244,742,751,23926,15,P,H1 +O,I-Alinea,des,24,612,1008,BCDLEE+Lato,#555,246,260,742,751,23926,15,P,H1 +O,I-Alinea,barrières,24,612,1008,BCDLEE+Lato,#555,262,296,742,751,23926,15,P,H1 +O,I-Alinea,physiques,24,612,1008,BCDLEE+Lato,#555,298,338,742,751,23926,15,P,H1 +O,I-Alinea,au,24,612,1008,BCDLEE+Lato,#555,340,349,742,751,23926,15,P,H1 +O,I-Alinea,développement,24,612,1008,BCDLEE+Lato,#555,351,413,742,751,23926,15,P,H1 +O,I-Alinea,qui,24,612,1008,BCDLEE+Lato,#555,415,427,742,751,23926,15,P,H1 +O,I-Alinea,nécessitent,24,612,1008,BCDLEE+Lato,#555,429,474,742,751,23926,15,P,H1 +O,I-Alinea,d’être,24,612,1008,BCDMEE+Lato,#555,476,499,742,751,23926,15,P,H1 +O,I-Alinea,prise,24,612,1008,BCDLEE+Lato,#555,113,133,754,763,23938,15,P,H1 +O,I-Alinea,en,24,612,1008,BCDLEE+Lato,#555,135,145,754,763,23938,15,P,H1 +O,I-Alinea,"compte,",24,612,1008,BCDLEE+Lato,#555,147,179,754,763,23938,15,P,H1 +O,I-Alinea,autant,24,612,1008,BCDLEE+Lato,#555,181,207,754,763,23938,15,P,H1 +O,I-Alinea,par,24,612,1008,BCDLEE+Lato,#555,209,222,754,763,23938,15,P,H1 +O,I-Alinea,leur,24,612,1008,BCDLEE+Lato,#555,224,239,754,763,23938,15,P,H1 +O,I-Alinea,impact,24,612,1008,BCDLEE+Lato,#555,241,268,754,763,23938,15,P,H1 +O,I-Alinea,visuel,24,612,1008,BCDLEE+Lato,#555,270,293,754,763,23938,15,P,H1 +O,I-Alinea,que,24,612,1008,BCDLEE+Lato,#555,295,310,754,763,23938,15,P,H1 +O,I-Alinea,par,24,612,1008,BCDLEE+Lato,#555,312,325,754,763,23938,15,P,H1 +O,I-Alinea,leur,24,612,1008,BCDLEE+Lato,#555,327,343,754,763,23938,15,P,H1 +O,I-Alinea,occupation,24,612,1008,BCDLEE+Lato,#555,345,389,754,763,23938,15,P,H1 +O,I-Alinea,physique,24,612,1008,BCDLEE+Lato,#555,391,427,754,763,23938,15,P,H1 +O,I-Alinea,sur,24,612,1008,BCDLEE+Lato,#555,429,441,754,763,23938,15,P,H1 +O,I-Alinea,les,24,612,1008,BCDLEE+Lato,#555,443,454,754,763,23938,15,P,H1 +O,I-Alinea,lieux.,24,612,1008,BCDLEE+Lato,#555,457,477,754,763,23938,15,P,H1 +O,B-Section,8.5,24,612,1008,BCDLEE+Lato,#444,120,137,777,789,23961,16,P,H4 +O,I-Section,Zone,24,612,1008,BCDMEE+Lato,#444,149,176,777,789,23961,16,P,H4 +O,I-Section,industrielle,24,612,1008,BCDMEE+Lato,#444,180,238,777,789,23961,16,P,H4 +O,I-Section,lourde,24,612,1008,BCDMEE+Lato,#444,241,274,777,789,23961,16,P,H4 +O,I-Section,et,24,612,1008,BCDMEE+Lato,#444,277,288,777,789,23961,16,P,H4 +O,I-Section,d’extraction,24,612,1008,BCDMEE+Lato,#444,291,354,777,789,23961,16,P,H4 +O,B-Alinea,Sainte-Adèle,24,612,1008,BCDLEE+Lato,#555,113,164,803,812,23987,17,P,H1 +O,I-Alinea,ne,24,612,1008,BCDMEE+Lato,#555,166,176,803,812,23987,17,P,H1 +O,I-Alinea,possède,24,612,1008,BCDMEE+Lato,#555,178,210,803,812,23987,17,P,H1 +O,I-Alinea,qu’une,24,612,1008,BCDMEE+Lato,#555,212,239,803,812,23987,17,P,H1 +O,I-Alinea,zone,24,612,1008,BCDMEE+Lato,#555,240,259,803,812,23987,17,P,H1 +O,I-Alinea,industrielle,24,612,1008,BCDMEE+Lato,#555,261,305,803,812,23987,17,P,H1 +O,I-Alinea,"lourde,",24,612,1008,BCDMEE+Lato,#555,307,334,803,812,23987,17,P,H1 +O,I-Alinea,laquelle,24,612,1008,BCDMEE+Lato,#555,336,366,803,812,23987,17,P,H1 +O,I-Alinea,accueille,24,612,1008,BCDMEE+Lato,#555,368,402,803,812,23987,17,P,H1 +O,I-Alinea,un,24,612,1008,BCDMEE+Lato,#555,404,414,803,812,23987,17,P,H1 +O,I-Alinea,site,24,612,1008,BCDMEE+Lato,#555,416,430,803,812,23987,17,P,H1 +O,I-Alinea,"d’enfouissement,",24,612,1008,BCDMEE+Lato,#555,431,499,803,812,23987,17,P,H1 +O,I-Alinea,un,24,612,1008,BCDLEE+Lato,#555,113,123,815,824,23999,17,P,H1 +O,I-Alinea,site,24,612,1008,BCDLEE+Lato,#555,125,139,815,824,23999,17,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,141,151,815,824,23999,17,P,H1 +O,I-Alinea,recyclage,24,612,1008,BCDMEE+Lato,#555,153,190,815,824,23999,17,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,192,202,815,824,23999,17,P,H1 +O,I-Alinea,métaux,24,612,1008,BCDMEE+Lato,#555,204,233,815,824,23999,17,P,H1 +O,I-Alinea,et,24,612,1008,BCDMEE+Lato,#555,235,243,815,824,23999,17,P,H1 +O,I-Alinea,une,24,612,1008,BCDMEE+Lato,#555,245,260,815,824,23999,17,P,H1 +O,I-Alinea,entreprise,24,612,1008,BCDMEE+Lato,#555,262,302,815,824,23999,17,P,H1 +O,I-Alinea,d’extraction.,24,612,1008,BCDMEE+Lato,#555,304,353,815,824,23999,17,P,H1 +O,I-Alinea,Des,24,612,1008,BCDMEE+Lato,#555,354,370,815,824,23999,17,P,H1 +O,I-Alinea,distances,24,612,1008,BCDMEE+Lato,#555,372,408,815,824,23999,17,P,H1 +O,I-Alinea,séparatrices,24,612,1008,BCDMEE+Lato,#555,410,458,815,824,23999,17,P,H1 +O,I-Alinea,sont,24,612,1008,BCDMEE+Lato,#555,460,477,815,824,23999,17,P,H1 +O,I-Alinea,donc,24,612,1008,BCDMEE+Lato,#555,479,498,815,824,23999,17,P,H1 +O,I-Alinea,à,24,612,1008,BCDLEE+Lato,#555,113,118,828,837,24012,17,P,H1 +O,I-Alinea,prévoir,24,612,1008,BCDLEE+Lato,#555,123,151,828,837,24012,17,P,H1 +O,I-Alinea,au,24,612,1008,BCDLEE+Lato,#555,155,165,828,837,24012,17,P,H1 +O,I-Alinea,périmètre,24,612,1008,BCDLEE+Lato,#555,170,208,828,837,24012,17,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,213,223,828,837,24012,17,P,H1 +O,I-Alinea,cette,24,612,1008,BCDLEE+Lato,#555,228,248,828,837,24012,17,P,H1 +O,I-Alinea,zone,24,612,1008,BCDLEE+Lato,#555,253,272,828,837,24012,17,P,H1 +O,I-Alinea,pour,24,612,1008,BCDLEE+Lato,#555,276,295,828,837,24012,17,P,H1 +O,I-Alinea,tout,24,612,1008,BCDLEE+Lato,#555,299,316,828,837,24012,17,P,H1 +O,I-Alinea,nouvel,24,612,1008,BCDLEE+Lato,#555,321,347,828,837,24012,17,P,H1 +O,I-Alinea,usage,24,612,1008,BCDLEE+Lato,#555,352,375,828,837,24012,17,P,H1 +O,I-Alinea,"résidentiel,",24,612,1008,BCDLEE+Lato,#555,380,423,828,837,24012,17,P,H1 +O,I-Alinea,de,24,612,1008,BCDLEE+Lato,#555,428,437,828,837,24012,17,P,H1 +O,I-Alinea,villégiature,24,612,1008,BCDLEE+Lato,#555,442,485,828,837,24012,17,P,H1 +O,I-Alinea,et,24,612,1008,BCDLEE+Lato,#555,490,498,828,837,24012,17,P,H1 +O,I-Alinea,communautaire.,24,612,1008,BCDLEE+Lato,#555,113,177,840,849,24024,17,P,H1 +O,I-Alinea,Des,24,612,1008,BCDLEE+Lato,#555,181,196,840,849,24024,17,P,H1 +O,I-Alinea,normes,24,612,1008,BCDLEE+Lato,#555,199,229,840,849,24024,17,P,H1 +O,I-Alinea,réciproques,24,612,1008,BCDLEE+Lato,#555,232,279,840,849,24024,17,P,H1 +O,I-Alinea,aux,24,612,1008,BCDLEE+Lato,#555,282,296,840,849,24024,17,P,H1 +O,I-Alinea,exigences,24,612,1008,BCDLEE+Lato,#555,299,338,840,849,24024,17,P,H1 +O,I-Alinea,provinciales,24,612,1008,BCDLEE+Lato,#555,342,388,840,849,24024,17,P,H1 +O,I-Alinea,pour,24,612,1008,BCDLEE+Lato,#555,392,410,840,849,24024,17,P,H1 +O,I-Alinea,ces,24,612,1008,BCDLEE+Lato,#555,414,426,840,849,24024,17,P,H1 +O,I-Alinea,différents,24,612,1008,BCDLEE+Lato,#555,430,469,840,849,24024,17,P,H1 +O,I-Alinea,usages,24,612,1008,BCDLEE+Lato,#555,472,499,840,849,24024,17,P,H1 +O,I-Alinea,seraient,24,612,1008,BCDLEE+Lato,#555,113,145,853,862,24037,17,P,H1 +O,I-Alinea,à,24,612,1008,BCDLEE+Lato,#555,147,152,853,862,24037,17,P,H1 +O,I-Alinea,prévoir.,24,612,1008,BCDLEE+Lato,#555,154,184,853,862,24037,17,P,H1 +O,B-Section,8.6,24,612,1008,BCDLEE+Lato,#444,120,137,876,888,24060,18,P,H4 +O,I-Section,Alimentation,24,612,1008,BCDLEE+Lato,#444,149,217,876,888,24060,18,P,H4 +O,I-Section,en,24,612,1008,BCDLEE+Lato,#444,220,233,876,888,24060,18,P,H4 +O,I-Section,eau,24,612,1008,BCDLEE+Lato,#444,236,255,876,888,24060,18,P,H4 +O,I-Section,potable,24,612,1008,BCDLEE+Lato,#444,258,298,876,888,24060,18,P,H4 +O,B-Alinea,Les,24,612,1008,BCDMEE+Lato,#555,113,127,902,911,24086,19,P,H1 +O,I-Alinea,sources,24,612,1008,BCDMEE+Lato,#555,130,161,902,911,24086,19,P,H1 +O,I-Alinea,d’alimentation,24,612,1008,BCDMEE+Lato,#555,164,221,902,911,24086,19,P,H1 +O,I-Alinea,d’eau,24,612,1008,BCDMEE+Lato,#555,224,245,902,911,24086,19,P,H1 +O,I-Alinea,potable,24,612,1008,BCDMEE+Lato,#555,249,279,902,911,24086,19,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,283,292,902,911,24086,19,P,H1 +O,I-Alinea,la,24,612,1008,BCDMEE+Lato,#555,296,303,902,911,24086,19,P,H1 +O,I-Alinea,Ville,24,612,1008,BCDMEE+Lato,#555,307,324,902,911,24086,19,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,328,337,902,911,24086,19,P,H1 +O,I-Alinea,Sainte-Adèle,24,612,1008,BCDMEE+Lato,#555,341,392,902,911,24086,19,P,H1 +O,I-Alinea,sont,24,612,1008,BCDLEE+Lato,#555,396,413,902,911,24086,19,P,H1 +O,I-Alinea,une,24,612,1008,BCDLEE+Lato,#555,417,432,902,911,24086,19,P,H1 +O,I-Alinea,ressource,24,612,1008,BCDLEE+Lato,#555,435,474,902,911,24086,19,P,H1 +O,I-Alinea,vitale,24,612,1008,BCDLEE+Lato,#555,477,499,902,911,24086,19,P,H1 +O,I-Alinea,devant,24,612,1008,BCDMEE+Lato,#555,113,141,914,923,24098,19,P,H1 +O,I-Alinea,faire,24,612,1008,BCDMEE+Lato,#555,147,165,914,923,24098,19,P,H1 +O,I-Alinea,l’objet,24,612,1008,BCDMEE+Lato,#555,172,196,914,923,24098,19,P,H1 +O,I-Alinea,d’une,24,612,1008,BCDMEE+Lato,#555,203,225,914,923,24098,19,P,H1 +O,I-Alinea,protection,24,612,1008,BCDMEE+Lato,#555,232,273,914,923,24098,19,P,H1 +O,I-Alinea,accrue,24,612,1008,BCDMEE+Lato,#555,279,306,914,923,24098,19,P,H1 +O,I-Alinea,en,24,612,1008,BCDMEE+Lato,#555,312,322,914,923,24098,19,P,H1 +O,I-Alinea,vertu,24,612,1008,BCDMEE+Lato,#555,329,350,914,923,24098,19,P,H1 +O,I-Alinea,de,24,612,1008,BCDMEE+Lato,#555,356,366,914,923,24098,19,P,H1 +O,I-Alinea,la,24,612,1008,BCDMEE+Lato,#555,373,380,914,923,24098,19,P,H1 +O,I-Alinea,règlementation,24,612,1008,BCDLEE+Lato,#555,387,447,914,923,24098,19,P,H1 +O,I-Alinea,provinciale.,24,612,1008,BCDLEE+Lato,#555,454,499,914,923,24098,19,P,H1 +O,B-Pied,24,24,612,1008,BCDLEE+Lato,#444,113,122,954,961,24138,,Artifact, +O,I-Pied,|,24,612,1008,BCDLEE+Lato,#444,125,127,954,961,24138,,Artifact, +O,I-Pied,8.,24,612,1008,BCDLEE+Lato,#444,131,136,954,961,24138,,Artifact, +O,I-Pied,Contraintes,24,612,1008,BCDLEE+Lato,#444,138,174,954,961,24138,,Artifact, +O,I-Pied,naturelles,24,612,1008,BCDLEE+Lato,#444,176,206,954,961,24138,,Artifact, +O,I-Pied,et,24,612,1008,BCDLEE+Lato,#444,207,214,954,961,24138,,Artifact, +O,I-Pied,anthropiques,24,612,1008,BCDLEE+Lato,#444,215,256,954,961,24138,,Artifact, +O,B-Chapitre,9,29,612,1008,BCDLEE+Lato,#555,113,123,117,133,27693,0,P,H3 +O,I-Chapitre,Paysages,29,612,1008,BCDLEE+Lato,#555,135,199,117,133,27693,0,P,H3 +O,I-Chapitre,et,29,612,1008,BCDLEE+Lato,#555,203,218,117,133,27693,0,P,H3 +O,I-Chapitre,sommets,29,612,1008,BCDLEE+Lato,#555,222,285,117,133,27693,0,P,H3 +O,I-Chapitre,de,29,612,1008,BCDLEE+Lato,#555,289,307,117,133,27693,0,P,H3 +O,I-Chapitre,montagne,29,612,1008,BCDLEE+Lato,#555,311,381,117,133,27693,0,P,H3 +O,B-Alinea,La,29,612,1008,BCDLEE+Lato,#555,113,123,167,176,27743,1,P,H1 +O,I-Alinea,protection,29,612,1008,BCDLEE+Lato,#555,124,166,167,176,27743,1,P,H1 +O,I-Alinea,des,29,612,1008,BCDLEE+Lato,#555,168,181,167,176,27743,1,P,H1 +O,I-Alinea,paysages,29,612,1008,BCDLEE+Lato,#555,183,219,167,176,27743,1,P,H1 +O,I-Alinea,des,29,612,1008,BCDLEE+Lato,#555,221,235,167,176,27743,1,P,H1 +O,I-Alinea,Laurentides,29,612,1008,BCDLEE+Lato,#555,237,283,167,176,27743,1,P,H1 +O,I-Alinea,est,29,612,1008,BCDLEE+Lato,#555,285,297,167,176,27743,1,P,H1 +O,I-Alinea,variée,29,612,1008,BCDLEE+Lato,#555,299,323,167,176,27743,1,P,H1 +O,I-Alinea,et,29,612,1008,BCDLEE+Lato,#555,325,333,167,176,27743,1,P,H1 +O,I-Alinea,complexe.,29,612,1008,BCDLEE+Lato,#555,335,375,167,176,27743,1,P,H1 +O,I-Alinea,De,29,612,1008,BCDLEE+Lato,#555,377,389,167,176,27743,1,P,H1 +O,I-Alinea,paysages,29,612,1008,BCDLEE+Lato,#555,390,426,167,176,27743,1,P,H1 +O,I-Alinea,naturels,29,612,1008,BCDLEE+Lato,#555,428,460,167,176,27743,1,P,H1 +O,I-Alinea,de,29,612,1008,BCDLEE+Lato,#555,462,472,167,176,27743,1,P,H1 +O,I-Alinea,"vallée,",29,612,1008,BCDLEE+Lato,#555,474,499,167,176,27743,1,P,H1 +O,I-Alinea,aux,29,612,1008,BCDLEE+Lato,#555,113,127,180,189,27756,1,P,H1 +O,I-Alinea,centres,29,612,1008,BCDLEE+Lato,#555,129,158,180,189,27756,1,P,H1 +O,I-Alinea,des,29,612,1008,BCDLEE+Lato,#555,160,174,180,189,27756,1,P,H1 +O,I-Alinea,"villages,",29,612,1008,BCDLEE+Lato,#555,176,207,180,189,27756,1,P,H1 +O,I-Alinea,des,29,612,1008,BCDLEE+Lato,#555,208,222,180,189,27756,1,P,H1 +O,I-Alinea,montagnes,29,612,1008,BCDLEE+Lato,#555,224,267,180,189,27756,1,P,H1 +O,I-Alinea,sauvages,29,612,1008,BCDLEE+Lato,#555,269,305,180,189,27756,1,P,H1 +O,I-Alinea,aux,29,612,1008,BCDLEE+Lato,#555,307,321,180,189,27756,1,P,H1 +O,I-Alinea,montagnes,29,612,1008,BCDLEE+Lato,#555,323,366,180,189,27756,1,P,H1 +O,I-Alinea,de,29,612,1008,BCDLEE+Lato,#555,368,378,180,189,27756,1,P,H1 +O,I-Alinea,"ski,",29,612,1008,BCDLEE+Lato,#555,380,392,180,189,27756,1,P,H1 +O,I-Alinea,le,29,612,1008,BCDLEE+Lato,#555,394,401,180,189,27756,1,P,H1 +O,I-Alinea,paysage,29,612,1008,BCDLEE+Lato,#555,403,435,180,189,27756,1,P,H1 +O,I-Alinea,de,29,612,1008,BCDLEE+Lato,#555,436,446,180,189,27756,1,P,H1 +O,I-Alinea,Sainte-Adèle,29,612,1008,BCDLEE+Lato,#555,448,499,180,189,27756,1,P,H1 +O,I-Alinea,se,29,612,1008,BCDLEE+Lato,#555,113,122,192,201,27768,1,P,H1 +O,I-Alinea,définit,29,612,1008,BCDLEE+Lato,#555,124,150,192,201,27768,1,P,H1 +O,I-Alinea,de,29,612,1008,BCDLEE+Lato,#555,152,162,192,201,27768,1,P,H1 +O,I-Alinea,plusieurs,29,612,1008,BCDLEE+Lato,#555,164,200,192,201,27768,1,P,H1 +O,I-Alinea,façons.,29,612,1008,BCDLEE+Lato,#555,202,230,192,201,27768,1,P,H1 +O,B-Alinea,La,29,612,1008,BCDLEE+Lato,#555,113,123,215,224,27791,2,P,H1 +O,I-Alinea,Charte,29,612,1008,BCDLEE+Lato,#555,125,152,215,224,27791,2,P,H1 +O,I-Alinea,des,29,612,1008,BCDLEE+Lato,#555,154,168,215,224,27791,2,P,H1 +O,I-Alinea,paysages,29,612,1008,BCDLEE+Lato,#555,170,206,215,224,27791,2,P,H1 +O,I-Alinea,des,29,612,1008,BCDLEE+Lato,#555,208,222,215,224,27791,2,P,H1 +O,I-Alinea,Laurentides,29,612,1008,BCDLEE+Lato,#555,224,270,215,224,27791,2,P,H1 +O,I-Alinea,définit,29,612,1008,BCDLEE+Lato,#555,273,298,215,224,27791,2,P,H1 +O,I-Alinea,l’engagement,29,612,1008,BCDMEE+Lato,#555,301,353,215,224,27791,2,P,H1 +O,I-Alinea,des,29,612,1008,BCDMEE+Lato,#555,356,369,215,224,27791,2,P,H1 +O,I-Alinea,membres,29,612,1008,BCDMEE+Lato,#555,372,408,215,224,27791,2,P,H1 +O,I-Alinea,signataires,29,612,1008,BCDLEE+Lato,#555,410,453,215,224,27791,2,P,H1 +O,I-Alinea,ainsi,29,612,1008,BCDLEE+Lato,#555,455,473,215,224,27791,2,P,H1 +O,I-Alinea,:,29,612,1008,BCDLEE+Lato,#555,475,477,215,224,27791,2,P,H1 +O,B-Section,9.1,29,612,1008,BCDLEE+Lato,#444,120,137,238,250,27814,3,P,H4 +O,I-Section,Les,29,612,1008,BCDLEE+Lato,#444,149,167,238,250,27814,3,P,H4 +O,I-Section,fondements,29,612,1008,BCDLEE+Lato,#444,170,233,238,250,27814,3,P,H4 +O,I-Section,de,29,612,1008,BCDLEE+Lato,#444,236,249,238,250,27814,3,P,H4 +O,I-Section,la,29,612,1008,BCDLEE+Lato,#444,252,261,238,250,27814,3,P,H4 +O,I-Section,Charte,29,612,1008,BCDLEE+Lato,#444,264,300,238,250,27814,3,P,H4 +O,B-Alinea,Reconnaitre,29,612,1008,"BCDPEE+Lato,Italic",#378,149,194,264,273,27840,4,P,H1 +O,I-Alinea,:,29,612,1008,"BCDPEE+Lato,Italic",#378,196,198,264,273,27840,4,P,H1 +O,B-Alinea,Le,29,612,1008,"BCDOEE+Lato,Italic",#378,149,157,286,295,27862,5,P,H1 +O,I-Alinea,paysage,29,612,1008,"BCDOEE+Lato,Italic",#378,160,190,286,295,27862,5,P,H1 +O,I-Alinea,est,29,612,1008,"BCDOEE+Lato,Italic",#378,192,204,286,295,27862,5,P,H1 +O,I-Alinea,source,29,612,1008,"BCDOEE+Lato,Italic",#378,206,230,286,295,27862,5,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,233,242,286,295,27862,5,P,H1 +O,I-Alinea,création,29,612,1008,"BCDOEE+Lato,Italic",#378,244,275,286,295,27862,5,P,H1 +O,I-Alinea,et,29,612,1008,"BCDOEE+Lato,Italic",#378,277,285,286,295,27862,5,P,H1 +O,I-Alinea,d’expression.,29,612,1008,"BCDOEE+Lato,Italic",#378,287,335,286,295,27862,5,P,H1 +O,I-Alinea,Il,29,612,1008,"BCDPEE+Lato,Italic",#378,338,342,286,295,27862,5,P,H1 +O,I-Alinea,fait,29,612,1008,"BCDPEE+Lato,Italic",#378,344,357,286,295,27862,5,P,H1 +O,I-Alinea,partie,29,612,1008,"BCDPEE+Lato,Italic",#378,359,381,286,295,27862,5,P,H1 +O,I-Alinea,intégrante,29,612,1008,"BCDPEE+Lato,Italic",#378,384,422,286,295,27862,5,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,424,434,286,295,27862,5,P,H1 +O,I-Alinea,notre,29,612,1008,"BCDPEE+Lato,Italic",#378,436,456,286,295,27862,5,P,H1 +O,I-Alinea,patrimoine,29,612,1008,"BCDPEE+Lato,Italic",#378,458,499,286,295,27862,5,P,H1 +O,I-Alinea,"naturel,",29,612,1008,"BCDPEE+Lato,Italic",#378,149,178,298,307,27874,5,P,H1 +O,I-Alinea,culturel,29,612,1008,"BCDPEE+Lato,Italic",#378,180,208,298,307,27874,5,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,210,218,298,307,27874,5,P,H1 +O,I-Alinea,collectif.,29,612,1008,"BCDPEE+Lato,Italic",#378,220,251,298,307,27874,5,P,H1 +O,B-Alinea,Le,29,612,1008,"BCDPEE+Lato,Italic",#378,149,157,321,330,27897,6,P,H1 +O,I-Alinea,paysage,29,612,1008,"BCDPEE+Lato,Italic",#378,160,191,321,330,27897,6,P,H1 +O,I-Alinea,est,29,612,1008,"BCDPEE+Lato,Italic",#378,193,205,321,330,27897,6,P,H1 +O,I-Alinea,un,29,612,1008,"BCDPEE+Lato,Italic",#378,207,217,321,330,27897,6,P,H1 +O,I-Alinea,bien,29,612,1008,"BCDPEE+Lato,Italic",#378,220,235,321,330,27897,6,P,H1 +O,I-Alinea,"commun,",29,612,1008,"BCDPEE+Lato,Italic",#378,238,273,321,330,27897,6,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,275,285,321,330,27897,6,P,H1 +O,I-Alinea,responsabilité,29,612,1008,"BCDPEE+Lato,Italic",#378,287,339,321,330,27897,6,P,H1 +O,I-Alinea,individuelle,29,612,1008,"BCDPEE+Lato,Italic",#378,342,384,321,330,27897,6,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,387,394,321,330,27897,6,P,H1 +O,I-Alinea,"collective,",29,612,1008,"BCDPEE+Lato,Italic",#378,397,434,321,330,27897,6,P,H1 +O,I-Alinea,ce,29,612,1008,"BCDPEE+Lato,Italic",#378,437,445,321,330,27897,6,P,H1 +O,I-Alinea,qui,29,612,1008,"BCDPEE+Lato,Italic",#378,448,459,321,330,27897,6,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,462,471,321,330,27897,6,P,H1 +O,I-Alinea,fait,29,612,1008,"BCDPEE+Lato,Italic",#378,474,486,321,330,27897,6,P,H1 +O,I-Alinea,un,29,612,1008,"BCDPEE+Lato,Italic",#378,489,499,321,330,27897,6,P,H1 +O,I-Alinea,enjeu,29,612,1008,"BCDPEE+Lato,Italic",#378,149,169,333,342,27909,6,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,171,180,333,342,27909,6,P,H1 +O,I-Alinea,société.,29,612,1008,"BCDPEE+Lato,Italic",#378,182,211,333,342,27909,6,P,H1 +O,B-Alinea,Le,29,612,1008,"BCDPEE+Lato,Italic",#378,149,157,356,365,27932,7,P,H1 +O,I-Alinea,paysage,29,612,1008,"BCDPEE+Lato,Italic",#378,162,192,356,365,27932,7,P,H1 +O,I-Alinea,est,29,612,1008,"BCDPEE+Lato,Italic",#378,196,207,356,365,27932,7,P,H1 +O,I-Alinea,à,29,612,1008,"BCDPEE+Lato,Italic",#378,212,216,356,365,27932,7,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,220,227,356,365,27932,7,P,H1 +O,I-Alinea,fois,29,612,1008,"BCDPEE+Lato,Italic",#378,231,244,356,365,27932,7,P,H1 +O,I-Alinea,le,29,612,1008,"BCDPEE+Lato,Italic",#378,249,255,356,365,27932,7,P,H1 +O,I-Alinea,résultat,29,612,1008,"BCDPEE+Lato,Italic",#378,259,288,356,365,27932,7,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,292,300,356,365,27932,7,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,304,311,356,365,27932,7,P,H1 +O,I-Alinea,reconnaissance,29,612,1008,"BCDPEE+Lato,Italic",#378,315,372,356,365,27932,7,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,377,389,356,365,27932,7,P,H1 +O,I-Alinea,occupations,29,612,1008,"BCDPEE+Lato,Italic",#378,393,439,356,365,27932,7,P,H1 +O,I-Alinea,successives,29,612,1008,"BCDPEE+Lato,Italic",#378,443,485,356,365,27932,7,P,H1 +O,I-Alinea,du,29,612,1008,"BCDPEE+Lato,Italic",#378,489,499,356,365,27932,7,P,H1 +O,I-Alinea,territoire.,29,612,1008,"BCDPEE+Lato,Italic",#378,149,184,368,377,27944,7,P,H1 +O,I-Alinea,Il,29,612,1008,"BCDPEE+Lato,Italic",#378,186,191,368,377,27944,7,P,H1 +O,I-Alinea,évolue,29,612,1008,"BCDPEE+Lato,Italic",#378,193,217,368,377,27944,7,P,H1 +O,I-Alinea,constamment,29,612,1008,"BCDPEE+Lato,Italic",#378,219,270,368,377,27944,7,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,273,280,368,377,27944,7,P,H1 +O,I-Alinea,à,29,612,1008,"BCDPEE+Lato,Italic",#378,282,287,368,377,27944,7,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,289,302,368,377,27944,7,P,H1 +O,I-Alinea,échelles,29,612,1008,"BCDPEE+Lato,Italic",#378,304,333,368,377,27944,7,P,H1 +O,I-Alinea,diverses.,29,612,1008,"BCDPEE+Lato,Italic",#378,335,367,368,377,27944,7,P,H1 +O,B-Alinea,La,29,612,1008,"BCDPEE+Lato,Italic",#378,149,158,391,400,27967,8,P,H1 +O,I-Alinea,région,29,612,1008,"BCDPEE+Lato,Italic",#378,161,185,391,400,27967,8,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,188,201,391,400,27967,8,P,H1 +O,I-Alinea,Laurentides,29,612,1008,"BCDPEE+Lato,Italic",#378,204,248,391,400,27967,8,P,H1 +O,I-Alinea,est,29,612,1008,"BCDPEE+Lato,Italic",#378,252,263,391,400,27967,8,P,H1 +O,I-Alinea,privilégiée,29,612,1008,"BCDPEE+Lato,Italic",#378,266,304,391,400,27967,8,P,H1 +O,I-Alinea,par,29,612,1008,"BCDPEE+Lato,Italic",#378,308,320,391,400,27967,8,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,324,330,391,400,27967,8,P,H1 +O,I-Alinea,diversité,29,612,1008,"BCDPEE+Lato,Italic",#378,334,366,391,400,27967,8,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,369,379,391,400,27967,8,P,H1 +O,I-Alinea,ses,29,612,1008,"BCDPEE+Lato,Italic",#378,382,394,391,400,27967,8,P,H1 +O,I-Alinea,paysages,29,612,1008,"BCDPEE+Lato,Italic",#378,397,431,391,400,27967,8,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,435,442,391,400,27967,8,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,446,455,391,400,27967,8,P,H1 +O,I-Alinea,ses,29,612,1008,"BCDPEE+Lato,Italic",#378,459,470,391,400,27967,8,P,H1 +O,I-Alinea,grands,29,612,1008,"BCDPEE+Lato,Italic",#378,474,499,391,400,27967,8,P,H1 +O,I-Alinea,espaces,29,612,1008,"BCDPEE+Lato,Italic",#378,149,178,403,412,27979,8,P,H1 +O,I-Alinea,naturels.,29,612,1008,"BCDPEE+Lato,Italic",#378,185,217,403,412,27979,8,P,H1 +O,I-Alinea,Ces,29,612,1008,"BCDPEE+Lato,Italic",#378,224,238,403,412,27979,8,P,H1 +O,I-Alinea,richesses,29,612,1008,"BCDPEE+Lato,Italic",#378,245,278,403,412,27979,8,P,H1 +O,I-Alinea,sont,29,612,1008,"BCDPEE+Lato,Italic",#378,285,301,403,412,27979,8,P,H1 +O,I-Alinea,un,29,612,1008,"BCDPEE+Lato,Italic",#378,308,318,403,412,27979,8,P,H1 +O,I-Alinea,moteur,29,612,1008,"BCDPEE+Lato,Italic",#378,325,352,403,412,27979,8,P,H1 +O,I-Alinea,économique,29,612,1008,"BCDPEE+Lato,Italic",#378,359,404,403,412,27979,8,P,H1 +O,I-Alinea,incontestable,29,612,1008,"BCDPEE+Lato,Italic",#378,411,461,403,412,27979,8,P,H1 +O,I-Alinea,pour,29,612,1008,"BCDPEE+Lato,Italic",#378,468,485,403,412,27979,8,P,H1 +O,I-Alinea,le,29,612,1008,"BCDPEE+Lato,Italic",#378,492,498,403,412,27979,8,P,H1 +O,I-Alinea,développement,29,612,1008,"BCDPEE+Lato,Italic",#378,149,206,415,424,27991,8,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,213,222,415,424,27991,8,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,228,234,415,424,27991,8,P,H1 +O,I-Alinea,"région,",29,612,1008,"BCDPEE+Lato,Italic",#378,241,266,415,424,27991,8,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,272,281,415,424,27991,8,P,H1 +O,I-Alinea,particulier,29,612,1008,"BCDPEE+Lato,Italic",#378,287,325,415,424,27991,8,P,H1 +O,I-Alinea,pour,29,612,1008,"BCDPEE+Lato,Italic",#378,332,349,415,424,27991,8,P,H1 +O,I-Alinea,les,29,612,1008,"BCDPEE+Lato,Italic",#378,355,365,415,424,27991,8,P,H1 +O,I-Alinea,vocations,29,612,1008,"BCDPEE+Lato,Italic",#378,371,407,415,424,27991,8,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,413,422,415,424,27991,8,P,H1 +O,I-Alinea,villégiature,29,612,1008,"BCDPEE+Lato,Italic",#378,429,470,415,424,27991,8,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,476,483,415,424,27991,8,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,489,498,415,424,27991,8,P,H1 +O,I-Alinea,récréotourisme.,29,612,1008,"BCDPEE+Lato,Italic",#378,149,207,428,437,28004,8,P,H1 +O,B-Alinea,Les,29,612,1008,"BCDPEE+Lato,Italic",#378,149,161,450,459,28026,9,P,H1 +O,I-Alinea,pressions,29,612,1008,"BCDPEE+Lato,Italic",#378,164,198,450,459,28026,9,P,H1 +O,I-Alinea,du,29,612,1008,"BCDPEE+Lato,Italic",#378,200,210,450,459,28026,9,P,H1 +O,I-Alinea,développement,29,612,1008,"BCDPEE+Lato,Italic",#378,213,270,450,459,28026,9,P,H1 +O,I-Alinea,sur,29,612,1008,"BCDPEE+Lato,Italic",#378,273,284,450,459,28026,9,P,H1 +O,I-Alinea,les,29,612,1008,"BCDPEE+Lato,Italic",#378,287,297,450,459,28026,9,P,H1 +O,I-Alinea,milieux,29,612,1008,"BCDPEE+Lato,Italic",#378,299,326,450,459,28026,9,P,H1 +O,I-Alinea,engendrent,29,612,1008,"BCDPEE+Lato,Italic",#378,328,371,450,459,28026,9,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,373,386,450,459,28026,9,P,H1 +O,I-Alinea,conséquences,29,612,1008,"BCDPEE+Lato,Italic",#378,388,440,450,459,28026,9,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,443,452,450,459,28026,9,P,H1 +O,I-Alinea,plus,29,612,1008,"BCDPEE+Lato,Italic",#378,454,469,450,459,28026,9,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,472,481,450,459,28026,9,P,H1 +O,I-Alinea,plus,29,612,1008,"BCDPEE+Lato,Italic",#378,483,499,450,459,28026,9,P,H1 +O,I-Alinea,déterminantes,29,612,1008,"BCDPEE+Lato,Italic",#378,149,203,463,472,28039,9,P,H1 +O,I-Alinea,aux,29,612,1008,"BCDPEE+Lato,Italic",#378,207,220,463,472,28039,9,P,H1 +O,I-Alinea,plans,29,612,1008,"BCDPEE+Lato,Italic",#378,224,244,463,472,28039,9,P,H1 +O,I-Alinea,"environnemental,",29,612,1008,"BCDPEE+Lato,Italic",#378,247,312,463,472,28039,9,P,H1 +O,I-Alinea,social,29,612,1008,"BCDPEE+Lato,Italic",#378,316,337,463,472,28039,9,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,341,348,463,472,28039,9,P,H1 +O,I-Alinea,économique.,29,612,1008,"BCDPEE+Lato,Italic",#378,352,399,463,472,28039,9,P,H1 +O,I-Alinea,Dans,29,612,1008,"BCDPEE+Lato,Italic",#378,403,422,463,472,28039,9,P,H1 +O,I-Alinea,un,29,612,1008,"BCDPEE+Lato,Italic",#378,426,435,463,472,28039,9,P,H1 +O,I-Alinea,contexte,29,612,1008,"BCDPEE+Lato,Italic",#378,439,472,463,472,28039,9,P,H1 +O,I-Alinea,où,29,612,1008,"BCDPEE+Lato,Italic",#378,475,485,463,472,28039,9,P,H1 +O,I-Alinea,les,29,612,1008,"BCDPEE+Lato,Italic",#378,489,498,463,472,28039,9,P,H1 +O,I-Alinea,paysages,29,612,1008,"BCDOEE+Lato,Italic",#378,149,183,475,484,28051,9,P,H1 +O,I-Alinea,se,29,612,1008,"BCDOEE+Lato,Italic",#378,185,193,475,484,28051,9,P,H1 +O,I-Alinea,banalisent,29,612,1008,"BCDOEE+Lato,Italic",#378,194,233,475,484,28051,9,P,H1 +O,I-Alinea,"rapidement,",29,612,1008,"BCDOEE+Lato,Italic",#378,235,280,475,484,28051,9,P,H1 +O,I-Alinea,il,29,612,1008,"BCDOEE+Lato,Italic",#378,282,286,475,484,28051,9,P,H1 +O,I-Alinea,devient,29,612,1008,"BCDOEE+Lato,Italic",#378,288,315,475,484,28051,9,P,H1 +O,I-Alinea,urgent,29,612,1008,"BCDOEE+Lato,Italic",#378,317,342,475,484,28051,9,P,H1 +O,I-Alinea,d’agir,29,612,1008,"BCDOEE+Lato,Italic",#378,343,364,475,484,28051,9,P,H1 +O,I-Alinea,pour,29,612,1008,"BCDOEE+Lato,Italic",#378,366,383,475,484,28051,9,P,H1 +O,I-Alinea,protéger,29,612,1008,"BCDOEE+Lato,Italic",#378,385,417,475,484,28051,9,P,H1 +O,I-Alinea,la,29,612,1008,"BCDOEE+Lato,Italic",#378,419,425,475,484,28051,9,P,H1 +O,I-Alinea,diversité,29,612,1008,"BCDOEE+Lato,Italic",#378,427,459,475,484,28051,9,P,H1 +O,I-Alinea,et,29,612,1008,"BCDOEE+Lato,Italic",#378,460,468,475,484,28051,9,P,H1 +O,I-Alinea,la,29,612,1008,"BCDOEE+Lato,Italic",#378,470,476,475,484,28051,9,P,H1 +O,I-Alinea,santé,29,612,1008,"BCDOEE+Lato,Italic",#378,478,499,475,484,28051,9,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,149,158,488,497,28064,9,P,H1 +O,I-Alinea,nos,29,612,1008,"BCDPEE+Lato,Italic",#378,160,173,488,497,28064,9,P,H1 +O,I-Alinea,paysages.,29,612,1008,"BCDPEE+Lato,Italic",#378,175,211,488,497,28064,9,P,H1 +O,I-Alinea,S’engager,29,612,1008,"BCDPEE+Lato,Italic",#378,149,185,510,519,28086,10,P,H1 +O,I-Alinea,:,29,612,1008,"BCDPEE+Lato,Italic",#378,187,189,510,519,28086,10,P,H1 +O,B-Alinea,"Reconnaitre,",29,612,1008,"BCDPEE+Lato,Italic",#378,149,196,532,541,28108,11,P,H1 +O,I-Alinea,protéger,29,612,1008,"BCDPEE+Lato,Italic",#378,198,230,532,541,28108,11,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,232,240,532,541,28108,11,P,H1 +O,I-Alinea,mettre,29,612,1008,"BCDPEE+Lato,Italic",#378,242,267,532,541,28108,11,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,269,278,532,541,28108,11,P,H1 +O,I-Alinea,valeur,29,612,1008,"BCDPEE+Lato,Italic",#378,280,303,532,541,28108,11,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,305,315,532,541,28108,11,P,H1 +O,I-Alinea,façon,29,612,1008,"BCDPEE+Lato,Italic",#378,317,338,532,541,28108,11,P,H1 +O,I-Alinea,durable,29,612,1008,"BCDPEE+Lato,Italic",#378,340,368,532,541,28108,11,P,H1 +O,I-Alinea,les,29,612,1008,"BCDPEE+Lato,Italic",#378,370,380,532,541,28108,11,P,H1 +O,I-Alinea,paysages,29,612,1008,"BCDPEE+Lato,Italic",#378,382,416,532,541,28108,11,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,418,431,532,541,28108,11,P,H1 +O,I-Alinea,Laurentides.,29,612,1008,"BCDPEE+Lato,Italic",#378,433,479,532,541,28108,11,P,H1 +O,B-Alinea,Faire,29,612,1008,"BCDPEE+Lato,Italic",#378,149,168,555,564,28131,12,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,171,184,555,564,28131,12,P,H1 +O,I-Alinea,paysages,29,612,1008,"BCDPEE+Lato,Italic",#378,187,221,555,564,28131,12,P,H1 +O,I-Alinea,une,29,612,1008,"BCDPEE+Lato,Italic",#378,224,238,555,564,28131,12,P,H1 +O,I-Alinea,préoccupation,29,612,1008,"BCDPEE+Lato,Italic",#378,241,295,555,564,28131,12,P,H1 +O,I-Alinea,fondamentale,29,612,1008,"BCDPEE+Lato,Italic",#378,298,350,555,564,28131,12,P,H1 +O,I-Alinea,dans,29,612,1008,"BCDPEE+Lato,Italic",#378,353,371,555,564,28131,12,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,374,381,555,564,28131,12,P,H1 +O,I-Alinea,mise,29,612,1008,"BCDPEE+Lato,Italic",#378,384,401,555,564,28131,12,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,404,413,555,564,28131,12,P,H1 +O,I-Alinea,valeur,29,612,1008,"BCDPEE+Lato,Italic",#378,417,440,555,564,28131,12,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,443,452,555,564,28131,12,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,455,462,555,564,28131,12,P,H1 +O,I-Alinea,région,29,612,1008,"BCDPEE+Lato,Italic",#378,465,488,555,564,28131,12,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,491,499,555,564,28131,12,P,H1 +O,I-Alinea,l’amélioration,29,612,1008,"BCDOEE+Lato,Italic",#378,149,200,567,576,28143,12,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,202,211,567,576,28143,12,P,H1 +O,I-Alinea,la,29,612,1008,"BCDOEE+Lato,Italic",#378,213,220,567,576,28143,12,P,H1 +O,I-Alinea,qualité,29,612,1008,"BCDOEE+Lato,Italic",#378,222,247,567,576,28143,12,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,250,259,567,576,28143,12,P,H1 +O,I-Alinea,vie,29,612,1008,"BCDOEE+Lato,Italic",#378,261,271,567,576,28143,12,P,H1 +O,B-Alinea,Voir,29,612,1008,"BCDPEE+Lato,Italic",#378,149,164,590,599,28166,13,P,H1 +O,I-Alinea,à,29,612,1008,"BCDPEE+Lato,Italic",#378,166,171,590,599,28166,13,P,H1 +O,I-Alinea,ce,29,612,1008,"BCDPEE+Lato,Italic",#378,172,181,590,599,28166,13,P,H1 +O,I-Alinea,que,29,612,1008,"BCDPEE+Lato,Italic",#378,182,196,590,599,28166,13,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,198,204,590,599,28166,13,P,H1 +O,I-Alinea,démarche,29,612,1008,"BCDPEE+Lato,Italic",#378,206,243,590,599,28166,13,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,245,254,590,599,28166,13,P,H1 +O,I-Alinea,protection,29,612,1008,"BCDPEE+Lato,Italic",#378,255,294,590,599,28166,13,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,296,304,590,599,28166,13,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,305,314,590,599,28166,13,P,H1 +O,I-Alinea,mise,29,612,1008,"BCDPEE+Lato,Italic",#378,316,333,590,599,28166,13,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,335,344,590,599,28166,13,P,H1 +O,I-Alinea,valeur,29,612,1008,"BCDPEE+Lato,Italic",#378,346,369,590,599,28166,13,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,370,383,590,599,28166,13,P,H1 +O,I-Alinea,paysages,29,612,1008,"BCDPEE+Lato,Italic",#378,384,419,590,599,28166,13,P,H1 +O,I-Alinea,respecte,29,612,1008,"BCDPEE+Lato,Italic",#378,420,452,590,599,28166,13,P,H1 +O,I-Alinea,les,29,612,1008,"BCDPEE+Lato,Italic",#378,454,464,590,599,28166,13,P,H1 +O,I-Alinea,principes,29,612,1008,"BCDPEE+Lato,Italic",#378,465,499,590,599,28166,13,P,H1 +O,I-Alinea,du,29,612,1008,"BCDPEE+Lato,Italic",#378,149,158,602,611,28178,13,P,H1 +O,I-Alinea,développement,29,612,1008,"BCDPEE+Lato,Italic",#378,161,218,602,611,28178,13,P,H1 +O,I-Alinea,durable.,29,612,1008,"BCDPEE+Lato,Italic",#378,220,250,602,611,28178,13,P,H1 +O,B-Alinea,Reconnaitre,29,612,1008,"BCDPEE+Lato,Italic",#378,149,194,624,633,28200,14,P,H1 +O,I-Alinea,qu’il,29,612,1008,"BCDOEE+Lato,Italic",#378,196,212,624,633,28200,14,P,H1 +O,I-Alinea,est,29,612,1008,"BCDOEE+Lato,Italic",#378,214,225,624,633,28200,14,P,H1 +O,I-Alinea,essentiel,29,612,1008,"BCDOEE+Lato,Italic",#378,228,260,624,633,28200,14,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,262,271,624,633,28200,14,P,H1 +O,I-Alinea,mettre,29,612,1008,"BCDOEE+Lato,Italic",#378,274,299,624,633,28200,14,P,H1 +O,I-Alinea,sur,29,612,1008,"BCDOEE+Lato,Italic",#378,301,313,624,633,28200,14,P,H1 +O,I-Alinea,pied,29,612,1008,"BCDOEE+Lato,Italic",#378,315,331,624,633,28200,14,P,H1 +O,I-Alinea,un,29,612,1008,"BCDOEE+Lato,Italic",#378,333,343,624,633,28200,14,P,H1 +O,I-Alinea,mécanisme,29,612,1008,"BCDOEE+Lato,Italic",#378,345,387,624,633,28200,14,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,390,399,624,633,28200,14,P,H1 +O,I-Alinea,concertation,29,612,1008,"BCDOEE+Lato,Italic",#378,401,449,624,633,28200,14,P,H1 +O,I-Alinea,régionale.,29,612,1008,"BCDPEE+Lato,Italic",#378,451,488,624,633,28200,14,P,H1 +O,I-Alinea,La,29,612,1008,"BCDPEE+Lato,Italic",#378,490,499,624,633,28200,14,P,H1 +O,I-Alinea,protection,29,612,1008,"BCDPEE+Lato,Italic",#378,149,188,637,646,28213,14,P,H1 +O,I-Alinea,et,29,612,1008,"BCDPEE+Lato,Italic",#378,190,197,637,646,28213,14,P,H1 +O,I-Alinea,la,29,612,1008,"BCDPEE+Lato,Italic",#378,199,206,637,646,28213,14,P,H1 +O,I-Alinea,mise,29,612,1008,"BCDPEE+Lato,Italic",#378,208,225,637,646,28213,14,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,227,236,637,646,28213,14,P,H1 +O,I-Alinea,valeur,29,612,1008,"BCDPEE+Lato,Italic",#378,238,261,637,646,28213,14,P,H1 +O,I-Alinea,des,29,612,1008,"BCDPEE+Lato,Italic",#378,263,276,637,646,28213,14,P,H1 +O,I-Alinea,paysages,29,612,1008,"BCDPEE+Lato,Italic",#378,278,312,637,646,28213,14,P,H1 +O,I-Alinea,requièrent,29,612,1008,"BCDPEE+Lato,Italic",#378,314,353,637,646,28213,14,P,H1 +O,I-Alinea,une,29,612,1008,"BCDPEE+Lato,Italic",#378,355,369,637,646,28213,14,P,H1 +O,I-Alinea,mobilisation,29,612,1008,"BCDPEE+Lato,Italic",#378,371,416,637,646,28213,14,P,H1 +O,I-Alinea,sociétale,29,612,1008,"BCDPEE+Lato,Italic",#378,419,451,637,646,28213,14,P,H1 +O,I-Alinea,qui,29,612,1008,"BCDPEE+Lato,Italic",#378,454,465,637,646,28213,14,P,H1 +O,I-Alinea,doit,29,612,1008,"BCDPEE+Lato,Italic",#378,467,482,637,646,28213,14,P,H1 +O,I-Alinea,être,29,612,1008,"BCDPEE+Lato,Italic",#378,484,499,637,646,28213,14,P,H1 +O,I-Alinea,canalisée,29,612,1008,"BCDOEE+Lato,Italic",#378,149,183,649,658,28225,14,P,H1 +O,I-Alinea,dans,29,612,1008,"BCDOEE+Lato,Italic",#378,185,203,649,658,28225,14,P,H1 +O,I-Alinea,l’action,29,612,1008,"BCDOEE+Lato,Italic",#378,205,232,649,658,28225,14,P,H1 +O,I-Alinea,par,29,612,1008,"BCDOEE+Lato,Italic",#378,234,247,649,658,28225,14,P,H1 +O,I-Alinea,un,29,612,1008,"BCDOEE+Lato,Italic",#378,248,258,649,658,28225,14,P,H1 +O,I-Alinea,mécanisme,29,612,1008,"BCDOEE+Lato,Italic",#378,260,302,649,658,28225,14,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,304,313,649,658,28225,14,P,H1 +O,I-Alinea,concertation,29,612,1008,"BCDOEE+Lato,Italic",#378,315,362,649,658,28225,14,P,H1 +O,I-Alinea,régionale.,29,612,1008,"BCDOEE+Lato,Italic",#378,364,400,649,658,28225,14,P,H1 +O,I-Alinea,Ce,29,612,1008,"BCDOEE+Lato,Italic",#378,403,412,649,658,28225,14,P,H1 +O,I-Alinea,mécanisme,29,612,1008,"BCDOEE+Lato,Italic",#378,414,456,649,658,28225,14,P,H1 +O,I-Alinea,assurera,29,612,1008,"BCDOEE+Lato,Italic",#378,458,490,649,658,28225,14,P,H1 +O,I-Alinea,la,29,612,1008,"BCDOEE+Lato,Italic",#378,492,498,649,658,28225,14,P,H1 +O,I-Alinea,"pérennité,",29,612,1008,"BCDOEE+Lato,Italic",#378,149,186,662,671,28238,14,P,H1 +O,I-Alinea,l’efficacité,29,612,1008,"BCDOEE+Lato,Italic",#378,189,227,662,671,28238,14,P,H1 +O,I-Alinea,et,29,612,1008,"BCDOEE+Lato,Italic",#378,229,236,662,671,28238,14,P,H1 +O,I-Alinea,l’harmonisation,29,612,1008,"BCDOEE+Lato,Italic",#378,239,296,662,671,28238,14,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,298,308,662,671,28238,14,P,H1 +O,I-Alinea,l’action.,29,612,1008,"BCDOEE+Lato,Italic",#378,310,339,662,671,28238,14,P,H1 +O,B-Alinea,"Élaborer,",29,612,1008,"BCDPEE+Lato,Italic",#378,149,182,684,693,28260,15,P,H1 +O,I-Alinea,chacun,29,612,1008,"BCDPEE+Lato,Italic",#378,187,214,684,693,28260,15,P,H1 +O,I-Alinea,dans,29,612,1008,"BCDPEE+Lato,Italic",#378,218,236,684,693,28260,15,P,H1 +O,I-Alinea,sa,29,612,1008,"BCDPEE+Lato,Italic",#378,240,248,684,693,28260,15,P,H1 +O,I-Alinea,juridiction,29,612,1008,"BCDPEE+Lato,Italic",#378,253,290,684,693,28260,15,P,H1 +O,I-Alinea,et,29,612,1008,"BCDOEE+Lato,Italic",#378,295,303,684,693,28260,15,P,H1 +O,I-Alinea,à,29,612,1008,"BCDOEE+Lato,Italic",#378,307,312,684,693,28260,15,P,H1 +O,I-Alinea,son,29,612,1008,"BCDOEE+Lato,Italic",#378,316,329,684,693,28260,15,P,H1 +O,I-Alinea,"rythme,",29,612,1008,"BCDOEE+Lato,Italic",#378,333,362,684,693,28260,15,P,H1 +O,I-Alinea,un,29,612,1008,"BCDOEE+Lato,Italic",#378,366,376,684,693,28260,15,P,H1 +O,I-Alinea,mécanisme,29,612,1008,"BCDOEE+Lato,Italic",#378,380,422,684,693,28260,15,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,427,436,684,693,28260,15,P,H1 +O,I-Alinea,mise,29,612,1008,"BCDOEE+Lato,Italic",#378,440,457,684,693,28260,15,P,H1 +O,I-Alinea,en,29,612,1008,"BCDOEE+Lato,Italic",#378,462,470,684,693,28260,15,P,H1 +O,I-Alinea,œuvre,29,612,1008,"BCDOEE+Lato,Italic",#378,475,499,684,693,28260,15,P,H1 +O,I-Alinea,"permanent,",29,612,1008,"BCDOEE+Lato,Italic",#378,149,192,697,706,28273,15,P,H1 +O,I-Alinea,dédié,29,612,1008,"BCDOEE+Lato,Italic",#378,195,215,697,706,28273,15,P,H1 +O,I-Alinea,à,29,612,1008,"BCDOEE+Lato,Italic",#378,218,222,697,706,28273,15,P,H1 +O,I-Alinea,l’émergence,29,612,1008,"BCDOEE+Lato,Italic",#378,225,270,697,706,28273,15,P,H1 +O,I-Alinea,des,29,612,1008,"BCDOEE+Lato,Italic",#378,272,285,697,706,28273,15,P,H1 +O,I-Alinea,paramètres,29,612,1008,"BCDOEE+Lato,Italic",#378,288,330,697,706,28273,15,P,H1 +O,I-Alinea,de,29,612,1008,"BCDOEE+Lato,Italic",#378,333,342,697,706,28273,15,P,H1 +O,I-Alinea,plus,29,612,1008,"BCDOEE+Lato,Italic",#378,345,360,697,706,28273,15,P,H1 +O,I-Alinea,en,29,612,1008,"BCDOEE+Lato,Italic",#378,363,372,697,706,28273,15,P,H1 +O,I-Alinea,plus,29,612,1008,"BCDOEE+Lato,Italic",#378,375,390,697,706,28273,15,P,H1 +O,I-Alinea,précis,29,612,1008,"BCDOEE+Lato,Italic",#378,393,415,697,706,28273,15,P,H1 +O,I-Alinea,propres,29,612,1008,"BCDOEE+Lato,Italic",#378,418,446,697,706,28273,15,P,H1 +O,I-Alinea,à,29,612,1008,"BCDOEE+Lato,Italic",#378,449,453,697,706,28273,15,P,H1 +O,I-Alinea,protéger,29,612,1008,"BCDOEE+Lato,Italic",#378,456,488,697,706,28273,15,P,H1 +O,I-Alinea,et,29,612,1008,"BCDOEE+Lato,Italic",#378,491,498,697,706,28273,15,P,H1 +O,I-Alinea,mettre,29,612,1008,"BCDPEE+Lato,Italic",#378,149,174,709,718,28285,15,P,H1 +O,I-Alinea,en,29,612,1008,"BCDPEE+Lato,Italic",#378,176,185,709,718,28285,15,P,H1 +O,I-Alinea,valeur,29,612,1008,"BCDPEE+Lato,Italic",#378,187,210,709,718,28285,15,P,H1 +O,I-Alinea,de,29,612,1008,"BCDPEE+Lato,Italic",#378,212,222,709,718,28285,15,P,H1 +O,I-Alinea,façon,29,612,1008,"BCDPEE+Lato,Italic",#378,224,245,709,718,28285,15,P,H1 +O,I-Alinea,durable,29,612,1008,"BCDPEE+Lato,Italic",#378,247,275,709,718,28285,15,P,H1 +O,I-Alinea,les,29,612,1008,"BCDPEE+Lato,Italic",#378,277,287,709,718,28285,15,P,H1 +O,I-Alinea,paysages.,29,612,1008,"BCDPEE+Lato,Italic",#378,289,325,709,718,28285,15,P,H1 +O,B-Pied,9.,29,612,1008,BCDLEE+Lato,#444,366,372,954,961,28530,,Artifact, +O,I-Pied,Paysages,29,612,1008,BCDLEE+Lato,#444,374,402,954,961,28530,,Artifact, +O,I-Pied,et,29,612,1008,BCDLEE+Lato,#444,404,410,954,961,28530,,Artifact, +O,I-Pied,sommets,29,612,1008,BCDLEE+Lato,#444,412,439,954,961,28530,,Artifact, +O,I-Pied,de,29,612,1008,BCDLEE+Lato,#444,441,449,954,961,28530,,Artifact, +O,I-Pied,montagne,29,612,1008,BCDLEE+Lato,#444,451,481,954,961,28530,,Artifact, +O,I-Pied,|,29,612,1008,BCDLEE+Lato,#444,485,487,954,961,28530,,Artifact, +O,I-Pied,29,29,612,1008,BCDLEE+Lato,#444,491,499,954,961,28530,,Artifact, +O,B-Titre,Plan,41,1224,792,BCDLEE+Lato,#555,2,19,618,627,39858,3,P,Sect;H1 +O,I-Titre,5,41,1224,792,BCDLEE+Lato,#555,21,26,618,627,39858,3,P,Sect;H1 +O,I-Titre,:,41,1224,792,BCDLEE+Lato,#555,28,31,618,627,39858,3,P,Sect;H1 +O,I-Titre,Réseaux,41,1224,792,BCDLEE+Lato,#555,33,66,618,627,39858,3,P,Sect;H1 +O,I-Titre,de,41,1224,792,BCDLEE+Lato,#555,68,78,618,627,39858,3,P,Sect;H1 +O,I-Titre,transport,41,1224,792,BCDLEE+Lato,#555,80,117,618,627,39858,3,P,Sect;H1 +O,B-Pied,13.,41,1224,792,BCDLEE+Lato,#444,932,941,738,745,39978,,Artifact, +O,I-Pied,Axes,41,1224,792,BCDLEE+Lato,#444,943,958,738,745,39978,,Artifact, +O,I-Pied,de,41,1224,792,BCDLEE+Lato,#444,960,968,738,745,39978,,Artifact, +O,I-Pied,transport,41,1224,792,BCDLEE+Lato,#444,969,998,738,745,39978,,Artifact, +O,I-Pied,projetés,41,1224,792,BCDLEE+Lato,#444,1000,1025,738,745,39978,,Artifact, +O,I-Pied,et,41,1224,792,BCDLEE+Lato,#444,1026,1033,738,745,39978,,Artifact, +O,I-Pied,voies,41,1224,792,BCDLEE+Lato,#444,1034,1050,738,745,39978,,Artifact, +O,I-Pied,de,41,1224,792,BCDLEE+Lato,#444,1052,1060,738,745,39978,,Artifact, +O,I-Pied,circulation,41,1224,792,BCDLEE+Lato,#444,1062,1094,738,745,39978,,Artifact, +O,I-Pied,|,41,1224,792,BCDLEE+Lato,#444,1097,1099,738,745,39978,,Artifact, +O,I-Pied,41,41,1224,792,BCDLEE+Lato,#444,1103,1111,738,745,39978,,Artifact, diff --git a/pyproject.toml b/pyproject.toml index e03ad8d..1626860 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -33,6 +33,10 @@ dev = [ "pytest", "pytest-cov", ] +yolo = [ + "huggingface-hub", + "ultralytics", +] [project.scripts] alexi = "alexi:main" diff --git a/results/rnnscores-yolo.csv b/results/rnnscores-yolo.csv new file mode 100644 index 0000000..597c4d6 --- /dev/null +++ b/results/rnnscores-yolo.csv @@ -0,0 +1,12 @@ +Label,Average,1,2,3,4 +ALL,0.9715595140089285,0.9789614046067261,0.9642866417933877,0.9887755464821298,0.95421446315347 +B-Alinea,0.9249260006098668,0.927246790299572,0.9172413793103448,0.9597523219814241,0.8954635108481263 +B-Article,0.9648204938802272,0.9580838323353293,0.9505882352941176,0.9967637540453075,0.9538461538461539 +B-Chapitre,0.9772727272727273,1.0,1.0,1.0,0.9090909090909091 +B-Liste,0.9651907040291021,0.9673758865248226,0.9580838323353293,0.9838709677419355,0.9514321295143213 +B-Pied,0.9982014388489209,1.0,1.0,1.0,0.9928057553956835 +B-Section,0.9952830188679245,1.0,0.9811320754716981,1.0,1.0 +B-SousSection,1.0,1.0,1.0,1.0,1.0 +B-TOC,1.0,1.0,1.0,1.0,1.0 +B-Tete,0.9978632478632479,0.9914529914529915,1.0,1.0,1.0 +B-Titre,0.8920375087172678,0.9454545454545454,0.835820895522388,0.9473684210526315,0.8395061728395061 diff --git a/results/yolo-tl-x4.csv b/results/yolo-tl-x4.csv new file mode 100644 index 0000000..3d0cbaf --- /dev/null +++ b/results/yolo-tl-x4.csv @@ -0,0 +1,12 @@ +Label,Average,1,2,3,4 +ALL,0.9728621721437589,0.9752062936265107,0.9608286256727212,0.9949039744160194,0.9605097948597843 +B-Alinea,0.9214139272032424,0.9219219219219219,0.8947976878612717,0.9795918367346939,0.889344262295082 +B-Article,0.957293705968484,0.9329446064139941,0.9463414634146341,0.9967637540453075,0.953125 +B-Chapitre,0.9880952380952381,1.0,1.0,1.0,0.9523809523809523 +B-Liste,0.9653850876133857,0.9827089337175793,0.9469790382244143,0.990228013029316,0.9416243654822335 +B-Pied,0.9962014388489209,0.992,1.0,1.0,0.9928057553956835 +B-Section,1.0,1.0,1.0,1.0,1.0 +B-SousSection,1.0,1.0,1.0,1.0,1.0 +B-TOC,1.0,1.0,1.0,1.0,1.0 +B-Tete,0.9939375900088653,0.9914529914529915,0.9915966386554622,1.0,0.9927007299270073 +B-Titre,0.9062947336994523,0.9310344827586207,0.8285714285714286,0.9824561403508771,0.8831168831168831 diff --git a/results/yolo-tls-x4.csv b/results/yolo-tls-x4.csv new file mode 100644 index 0000000..d863814 --- /dev/null +++ b/results/yolo-tls-x4.csv @@ -0,0 +1,12 @@ +Label,Average,1,2,3,4 +ALL,0.972260740745719,0.9748225786195382,0.9530002051045365,0.9963381293118925,0.9648820499469085 +B-Alinea,0.9233681891384323,0.9041916167664671,0.9002320185614849,0.9747634069400631,0.9142857142857143 +B-Article,0.9608629603673102,0.9367816091954023,0.9535452322738386,1.0,0.953125 +B-Chapitre,0.9880952380952381,1.0,1.0,1.0,0.9523809523809523 +B-Liste,0.9664643461085001,0.9842180774748924,0.947109471094711,0.9886178861788618,0.9459119496855346 +B-Pied,0.998,0.992,1.0,1.0,1.0 +B-Section,1.0,1.0,1.0,1.0,1.0 +B-SousSection,1.0,1.0,1.0,1.0,1.0 +B-TOC,0.9772727272727273,1.0,0.9090909090909091,1.0,1.0 +B-Tete,0.9978632478632479,1.0,0.9914529914529915,1.0,1.0 +B-Titre,0.9106806986117331,0.9310344827586207,0.8285714285714286,1.0,0.8831168831168831 diff --git a/scripts/convert_to_doclaynet.py b/scripts/convert_to_doclaynet.py new file mode 100644 index 0000000..568357c --- /dev/null +++ b/scripts/convert_to_doclaynet.py @@ -0,0 +1,52 @@ +""" +Convertir les annotations ALEXI en annotations DocLayNet pour évaluation. +""" + +import argparse +import csv + +EQUIVS = { + "Pied": "Page-footer", + "Tete": "Page-header", + "Liste": "List-item", + "Chapitre": "Section-header", + "Section": "Section-header", + "SousSection": "Section-header", + "Chapitre": "Section-header", + "Annexe": "Section-header", + "Article": "Section-header", + "Alinea": "Text", +} +IGNORES = { + "Footnote", + "Formula", + "Title", + "Caption", + "Table", + "Picture", +} + + +def main(): + parser = argparse.ArgumentParser(description=__doc__) + parser.add_argument( + "infile", type=argparse.FileType("rt"), help="Fichier CSV input" + ) + parser.add_argument( + "outfile", type=argparse.FileType("wt"), help="Fichier CSV output" + ) + args = parser.parse_args() + reader = csv.DictReader(args.infile) + writer = csv.DictWriter(args.outfile, fieldnames=["yolo", *reader.fieldnames]) + writer.writeheader() + for word in reader: + iob, sep, tag = word["segment"].partition("-") + if sep and tag in EQUIVS: + word["yolo"] = f"{iob}-{EQUIVS[tag]}" + else: # nothing else is YOLO + word["yolo"] = "O" + writer.writerow(word) + + +if __name__ == "__main__": + main() diff --git a/scripts/eval_on_doclaynet.py b/scripts/eval_on_doclaynet.py new file mode 100644 index 0000000..2c13ffc --- /dev/null +++ b/scripts/eval_on_doclaynet.py @@ -0,0 +1,38 @@ +""" +Évaluer la pré-segmentation avec les annotations DocLayNet. +""" + +import argparse +import itertools +from pathlib import Path + +from sklearn_crfsuite import metrics + +from alexi.segment import split_pages, filter_tab, load + + +def main(): + parser = argparse.ArgumentParser(description=__doc__) + parser.add_argument("--field", default="yolo", help="Champ pour evaluation") + parser.add_argument("refdir", type=Path, help="repertoire de references") + parser.add_argument("hypdir", type=Path, help="repertoire de predictions ") + args = parser.parse_args() + csvs = sorted(args.refdir.glob("*.csv")) + pred_csvs = [args.hypdir / path.name for path in csvs] + y_true = [ + [w[args.field] for w in page] for page in split_pages(filter_tab(load(csvs))) + ] + y_pred = [ + [w[args.field] for w in page] + for page in split_pages(filter_tab(load(pred_csvs))) + ] + labels = set(c for c in itertools.chain.from_iterable(y_true) if c.startswith("B-")) + sorted_labels = sorted(labels, key=lambda name: (name[1:], name[0])) + report = metrics.flat_classification_report( + y_true, y_pred, labels=sorted_labels, zero_division=0.0 + ) + print(report) + + +if __name__ == "__main__": + main() diff --git a/test/test_analyse.py b/test/test_analyse.py index 7e3e5b7..f40a0bc 100644 --- a/test/test_analyse.py +++ b/test/test_analyse.py @@ -2,7 +2,7 @@ from pathlib import Path from alexi.analyse import Analyseur, extract_zonage, group_iob -from alexi.convert import Converteur +from alexi.recognize import Objets DATADIR = Path(__file__).parent / "data" TRAINDIR = Path(__file__).parent.parent / "data" @@ -47,11 +47,11 @@ def test_analyse(): def test_analyse_tableaux_figures(): - conv = Converteur(DATADIR / "pdf_figures.pdf") + obj = Objets() with open(DATADIR / "pdf_figures.csv", "rt") as infh: reader = csv.DictReader(infh) analyseur = Analyseur("pdf_figures", reader) - analyseur.add_images(conv.extract_images()) + analyseur.add_images(obj(DATADIR / "pdf_figures.pdf")) doc = analyseur() assert "Figure" in (bloc.type for bloc in doc.contenu) assert "Tableau" in (bloc.type for bloc in doc.contenu) diff --git a/test/test_convert.py b/test/test_convert.py index 1c96e5b..6bded4e 100644 --- a/test/test_convert.py +++ b/test/test_convert.py @@ -1,9 +1,7 @@ import csv from pathlib import Path -from pdfplumber.utils.geometry import obj_to_bbox - -from alexi.convert import Converteur, bbox_contains +from alexi.convert import Converteur DATADIR = Path(__file__).parent / "data" @@ -19,20 +17,5 @@ def test_convert() -> None: assert len(words) == len(ref_words) -def test_extract_tables_and_figures() -> None: - with open(DATADIR / "pdf_figures.pdf", "rb") as infh: - conv = Converteur(infh) - words = list(conv.extract_words()) - images = list(conv.extract_images()) - assert len(images) == 2 - table = next(img for img in images if img.type == "Tableau") - figure = next(img for img in images if img.type == "Figure") - for w in words: - if bbox_contains(table.bbox, obj_to_bbox(w)): - assert "Table" in w["tagstack"] - if bbox_contains(figure.bbox, obj_to_bbox(w)): - assert "Figure" in w["tagstack"] - - if __name__ == "__main__": - test_extract_tables_and_figures() + test_convert() diff --git a/test/test_extract.py b/test/test_extract.py new file mode 100644 index 0000000..dec848a --- /dev/null +++ b/test/test_extract.py @@ -0,0 +1,30 @@ +from pathlib import Path + +from alexi.extract import Extracteur + +DATADIR = Path(__file__).parent / "data" +TRAINDIR = Path(__file__).parent.parent / "data" + + +def test_extracteur(tmp_path: Path): + extracteur = Extracteur(tmp_path) + doc = extracteur(DATADIR / "zonage_zones.pdf") + docdir = tmp_path / "zonage_zones" + assert (docdir / "img").is_dir() + extracteur.output_doctree([doc]) + assert (tmp_path / "index.html").exists() + extracteur.output_html(doc) + assert (docdir / "index.html").exists() + assert (docdir / "Article" / "index.html").exists() + for article in (431, 432, 444, 454, 464, 465, 474): + assert (docdir / "Article" / str(article) / "index.html").exists() + assert (docdir / "Chapitre" / "index.html").exists() + assert (docdir / "Chapitre" / "7" / "index.html").exists() + for sec in range(1, 4): + assert ( + docdir / "Chapitre" / "7" / "Section" / str(sec) / "index.html" + ).exists() + subsec = list( + (docdir / "Chapitre" / "7" / "Section" / str(sec) / "SousSection").iterdir() + ) + assert len(subsec) == 2 diff --git a/test/test_recognize.py b/test/test_recognize.py new file mode 100644 index 0000000..e19bbf4 --- /dev/null +++ b/test/test_recognize.py @@ -0,0 +1,51 @@ +from pathlib import Path + +import pytest +from pdfplumber.utils.geometry import obj_to_bbox + +from alexi.convert import Converteur +from alexi.recognize import Objets, bbox_contains + +try: + from alexi.recognize.yolo import ObjetsYOLO +except ImportError: + ObjetsYOLO = None + +DATADIR = Path(__file__).parent / "data" + + +def test_extract_tables_and_figures() -> None: + conv = Converteur(DATADIR / "pdf_figures.pdf") + obj = Objets() + words = list(conv.extract_words()) + images = list(obj(DATADIR / "pdf_figures.pdf")) + assert len(images) == 2 + table = next(img for img in images if img.type == "Tableau") + figure = next(img for img in images if img.type == "Figure") + for w in words: + if bbox_contains(table.bbox, obj_to_bbox(w)): + assert "Table" in w["tagstack"] + if bbox_contains(figure.bbox, obj_to_bbox(w)): + assert "Figure" in w["tagstack"] + + +def test_extract_tables_and_figures_yolo() -> None: + if ObjetsYOLO is None: + pytest.skip("No YOLO, won't go") + conv = Converteur(DATADIR / "pdf_figures.pdf") + obj = ObjetsYOLO() + words = list(conv.extract_words()) + # There will be 3 as YOLO "sees" the chart twice (with and without the legend) + images = list(obj(DATADIR / "pdf_figures.pdf")) + table = next(img for img in images if img.type == "Tableau") + figure = next(img for img in images if img.type == "Figure") + for w in words: + if bbox_contains(table.bbox, obj_to_bbox(w)): + assert "Table" in w["tagstack"] + if bbox_contains(figure.bbox, obj_to_bbox(w)): + assert "Figure" in w["tagstack"] + + +if __name__ == "__main__": + test_extract_tables_and_figures() + test_extract_tables_and_figures_yolo()