Spaces:
Runtime error
Runtime error
DracoMaster
commited on
Commit
•
817741c
1
Parent(s):
49d3da6
Upload 9 files
Browse files- ber_try.py +172 -0
- id_train.txt +0 -0
- id_vaild.txt +1348 -0
- picto_id_train.txt +0 -0
- picto_id_valid.txt +1348 -0
- src_train.txt +0 -0
- src_valid.txt +1348 -0
- tgt_train.txt +0 -0
- tgt_valid.txt +1348 -0
ber_try.py
ADDED
@@ -0,0 +1,172 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from transformers import BertTokenizer, BertForMaskedLM
|
2 |
+
import torch
|
3 |
+
from sklearn.metrics import confusion_matrix, precision_score, recall_score, f1_score
|
4 |
+
import numpy as np
|
5 |
+
import matplotlib.pyplot as plt
|
6 |
+
|
7 |
+
# # Step 1: Prepare the dataset
|
8 |
+
# # Load your training and validation datasets
|
9 |
+
# def read_data(file_path):
|
10 |
+
# with open(file_path, 'r', encoding='utf-8') as file:
|
11 |
+
# data = file.readlines()
|
12 |
+
# return data
|
13 |
+
|
14 |
+
# src_train = read_data('src_train.txt') # File containing original sentences for training
|
15 |
+
# tgt_train = read_data('tgt_train.txt') # File containing corresponding simplified sentences for training
|
16 |
+
# src_valid = read_data('src_valid.txt') # File containing original sentences for validation
|
17 |
+
# tgt_valid = read_data('tgt_valid.txt') # File containing corresponding simplified sentences for validation
|
18 |
+
|
19 |
+
# # Step 2: Fine-tune the BERT model
|
20 |
+
# tokenizer = BertTokenizer.from_pretrained('dbmdz/bert-base-french-wwm-cased')
|
21 |
+
# model = BertForMaskedLM.from_pretrained('dbmdz/bert-base-french-wwm-cased')
|
22 |
+
|
23 |
+
# # Fine-tune the model on your training dataset
|
24 |
+
# # You need to define the training loop here
|
25 |
+
|
26 |
+
# # Step 3: Evaluate the model
|
27 |
+
# def evaluate_model(model, tokenizer, src_valid, tgt_valid):
|
28 |
+
# predicted_sentences = []
|
29 |
+
# true_labels = []
|
30 |
+
|
31 |
+
# for src_sentence, tgt_sentence in zip(src_valid, tgt_valid):
|
32 |
+
# # Tokenize and get predictions
|
33 |
+
# tokenized_sentence = tokenizer.encode(src_sentence, return_tensors='pt')
|
34 |
+
# with torch.no_grad():
|
35 |
+
# outputs = model(tokenized_sentence)
|
36 |
+
# predictions = outputs.logits[0].argmax(dim=-1).cpu().numpy()
|
37 |
+
|
38 |
+
# # Decode predicted sentence
|
39 |
+
# predicted_sentence = tokenizer.decode(predictions, skip_special_tokens=True)
|
40 |
+
|
41 |
+
# # Append to lists
|
42 |
+
# predicted_sentences.append(predicted_sentence)
|
43 |
+
# true_labels.append(tgt_sentence)
|
44 |
+
|
45 |
+
# # Calculate evaluation metrics
|
46 |
+
# precision = precision_score(true_labels, predicted_sentences, average='weighted')
|
47 |
+
# recall = recall_score(true_labels, predicted_sentences, average='weighted')
|
48 |
+
# f1 = f1_score(true_labels, predicted_sentences, average='weighted')
|
49 |
+
|
50 |
+
# # Create confusion matrix
|
51 |
+
# labels = np.unique(true_labels)
|
52 |
+
# cm = confusion_matrix(true_labels, predicted_sentences, labels=labels)
|
53 |
+
|
54 |
+
# return precision, recall, f1, cm
|
55 |
+
|
56 |
+
# precision, recall, f1, confusion_matrix = evaluate_model(model, tokenizer, src_valid, tgt_valid)
|
57 |
+
# print("Precision:", precision)
|
58 |
+
# print("Recall:", recall)
|
59 |
+
# print("F1 Score:", f1)
|
60 |
+
# print("Confusion Matrix:")
|
61 |
+
# print(confusion_matrix)
|
62 |
+
|
63 |
+
# # Step 4: Analyze the results
|
64 |
+
# # Count the number of sentences with perfect matches (>70% match, >50% match, <20% match)
|
65 |
+
|
66 |
+
# def match_percentage(sentence1, sentence2):
|
67 |
+
# n = len(sentence1)
|
68 |
+
# if n == 0:
|
69 |
+
# return 0.0
|
70 |
+
# common = sum([1 for x, y in zip(sentence1, sentence2) if x == y])
|
71 |
+
# return common / n
|
72 |
+
|
73 |
+
# matches_70 = 0
|
74 |
+
# matches_50 = 0
|
75 |
+
# matches_20 = 0
|
76 |
+
# for pred, true in zip(predicted_sentences, tgt_valid):
|
77 |
+
# percentage = match_percentage(pred, true)
|
78 |
+
# if percentage > 0.7:
|
79 |
+
# matches_70 += 1
|
80 |
+
# if percentage > 0.5:
|
81 |
+
# matches_50 += 1
|
82 |
+
# if percentage < 0.2:
|
83 |
+
# matches_20 += 1
|
84 |
+
|
85 |
+
# print("Number of sentences with >70% match:", matches_70)
|
86 |
+
# print("Number of sentences with >50% match:", matches_50)
|
87 |
+
# print("Number of sentences with <20% match:", matches_20)
|
88 |
+
|
89 |
+
# # Save confusion matrix as image
|
90 |
+
# plt.figure(figsize=(8, 6))
|
91 |
+
# plt.imshow(confusion_matrix, interpolation='nearest', cmap=plt.cm.Blues)
|
92 |
+
# plt.title('Confusion Matrix')
|
93 |
+
# plt.colorbar()
|
94 |
+
# tick_marks = np.arange(len(labels))
|
95 |
+
# plt.xticks(tick_marks, labels, rotation=45)
|
96 |
+
# plt.yticks(tick_marks, labels)
|
97 |
+
# plt.xlabel('Predicted Label')
|
98 |
+
# plt.ylabel('True Label')
|
99 |
+
# plt.tight_layout()
|
100 |
+
# plt.savefig('confusion_matrix.png')
|
101 |
+
|
102 |
+
|
103 |
+
# Step 1: Prepare the dataset
|
104 |
+
# Load your training and validation datasets
|
105 |
+
def read_data(file_path):
|
106 |
+
with open(file_path, 'r', encoding='utf-8') as file:
|
107 |
+
data = file.readlines()
|
108 |
+
return data
|
109 |
+
|
110 |
+
def read_picto_ids(file_path):
|
111 |
+
with open(file_path, 'r', encoding='utf-8') as file:
|
112 |
+
data = file.readlines()
|
113 |
+
picto_ids = [list(map(int, line.split())) for line in data]
|
114 |
+
return picto_ids
|
115 |
+
|
116 |
+
src_train = read_data(r'C:\Users\LENOVO\Downloads\ToPicto\data\Text-to-Picto\train_files\src_train.txt') # File containing original sentences for training
|
117 |
+
tgt_train = read_data(r'C:\Users\LENOVO\Downloads\ToPicto\data\Text-to-Picto\train_files\tgt_train.txt') # File containing corresponding simplified sentences for training
|
118 |
+
picto_train = read_picto_ids(r'C:\Users\LENOVO\Downloads\ToPicto\data\Text-to-Picto\train_files\picto_id_train.txt') # File containing picto IDs for training
|
119 |
+
|
120 |
+
src_valid = read_data(r'C:\Users\LENOVO\Downloads\ToPicto\data\Text-to-Picto\valid_files\src_valid.txt') # File containing original sentences for validation
|
121 |
+
tgt_valid = read_data(r'C:\Users\LENOVO\Downloads\ToPicto\data\Text-to-Picto\valid_files\tgt_valid.txt') # File containing corresponding simplified sentences for validation
|
122 |
+
picto_valid = read_picto_ids(r'C:\Users\LENOVO\Downloads\ToPicto\data\Text-to-Picto\valid_files\picto_id_valid.txt') # File containing picto IDs for validation
|
123 |
+
|
124 |
+
# Now src_train, tgt_train, and picto_train are lists containing the sentences and picto IDs from the files.
|
125 |
+
|
126 |
+
# Step 2: Fine-tune the BERT model
|
127 |
+
# Same as before
|
128 |
+
|
129 |
+
# Step 3: Evaluate the model
|
130 |
+
def evaluate_model(model, tokenizer, src_valid, tgt_valid, picto_valid):
|
131 |
+
predicted_sentences = []
|
132 |
+
true_labels = []
|
133 |
+
|
134 |
+
for src_sentence, tgt_sentence, picto_ids in zip(src_valid, tgt_valid, picto_valid):
|
135 |
+
# Tokenize and get predictions
|
136 |
+
tokenized_sentence = tokenizer.encode(src_sentence, return_tensors='pt')
|
137 |
+
with torch.no_grad():
|
138 |
+
outputs = model(tokenized_sentence)
|
139 |
+
predictions = outputs.logits[0].argmax(dim=-1).cpu().numpy()
|
140 |
+
|
141 |
+
# Decode predicted sentence
|
142 |
+
predicted_sentence = tokenizer.decode(predictions, skip_special_tokens=True)
|
143 |
+
|
144 |
+
# Append to lists
|
145 |
+
predicted_sentences.append(predicted_sentence)
|
146 |
+
true_labels.append(tgt_sentence)
|
147 |
+
|
148 |
+
# Calculate evaluation metrics based on picto IDs
|
149 |
+
accuracies = {"100%": 0, "70%": 0, "50%": 0, "20%": 0}
|
150 |
+
for pred, true, picto_pred, picto_true in zip(predicted_sentences, true_labels, picto_valid, tgt_valid):
|
151 |
+
if pred == true:
|
152 |
+
accuracies["100%"] += 1
|
153 |
+
elif len(pred.split()) == len(picto_pred) == len(picto_true):
|
154 |
+
match_count = sum(1 for x, y in zip(picto_pred, picto_true) if x == y)
|
155 |
+
match_percentage = match_count / len(picto_pred)
|
156 |
+
if match_percentage >= 0.7:
|
157 |
+
accuracies["70%"] += 1
|
158 |
+
elif match_percentage >= 0.5:
|
159 |
+
accuracies["50%"] += 1
|
160 |
+
elif match_percentage >= 0.2:
|
161 |
+
accuracies["20%"] += 1
|
162 |
+
|
163 |
+
return accuracies
|
164 |
+
from transformers import CamembertModel, CamembertTokenizer
|
165 |
+
|
166 |
+
# You can replace "camembert-base" with any other model from the table, e.g. "camembert/camembert-large".
|
167 |
+
tokenizer = CamembertTokenizer.from_pretrained("camembert/camembert-base-wikipedia-4gb")
|
168 |
+
camembert = CamembertModel.from_pretrained("camembert/camembert-base-wikipedia-4gb")
|
169 |
+
|
170 |
+
accuracies = evaluate_model(model, tokenizer, src_valid, tgt_valid, picto_valid)
|
171 |
+
print("Accuracies based on picto IDs:")
|
172 |
+
print(accuracies)
|
id_train.txt
ADDED
The diff for this file is too large to render.
See raw diff
|
|
id_vaild.txt
ADDED
@@ -0,0 +1,1348 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
cefc-tcof-Acc_del_07-19
|
2 |
+
cefc-tcof-Acc_del_07-28
|
3 |
+
cefc-tcof-Acc_del_07-54
|
4 |
+
cefc-tcof-Acc_del_07-8
|
5 |
+
cefc-tcof-Acc_kom_07-147
|
6 |
+
cefc-tcof-Acc_kom_07-34
|
7 |
+
cefc-tcof-Acc_kom_07-45
|
8 |
+
cefc-tcof-Acc_kom_07-53
|
9 |
+
cefc-tcof-Acc_kom_07-66
|
10 |
+
cefc-tcof-Ag_ael_08-13
|
11 |
+
cefc-tcof-Ag_ael_08-168
|
12 |
+
cefc-tcof-Ag_ael_08-179
|
13 |
+
cefc-tcof-Ag_ael_08-184
|
14 |
+
cefc-tcof-Ag_ael_08-192
|
15 |
+
cefc-tcof-Ag_ael_08-37
|
16 |
+
cefc-tcof-Ag_ael_08-49
|
17 |
+
cefc-tcof-Ag_ael_08-67
|
18 |
+
cefc-tcof-Ag_ael_08-68
|
19 |
+
cefc-tcof-Ag_ael_08-9
|
20 |
+
cefc-tcof-Ago_ram_07-13
|
21 |
+
cefc-tcof-Ago_ram_07-4
|
22 |
+
cefc-tcof-Ago_ram_07-95
|
23 |
+
cefc-tcof-Alg_jac_06-15
|
24 |
+
cefc-tcof-Alg_jac_06-187
|
25 |
+
cefc-tcof-Alg_jac_06-230
|
26 |
+
cefc-tcof-Alg_jac_06-295
|
27 |
+
cefc-tcof-Alg_jac_06-318
|
28 |
+
cefc-tcof-Alg_jac_06-337
|
29 |
+
cefc-tcof-Alg_jac_06-8
|
30 |
+
cefc-tcof-Alise-143
|
31 |
+
cefc-tcof-Alise-149
|
32 |
+
cefc-tcof-Alise-150
|
33 |
+
cefc-tcof-Alise-20
|
34 |
+
cefc-tcof-Alise-93
|
35 |
+
cefc-tcof-Ang_jul_07-130
|
36 |
+
cefc-tcof-Ang_jul_07-36
|
37 |
+
cefc-tcof-Apprendreaulycee-13
|
38 |
+
cefc-tcof-Apprendreaulycee-148
|
39 |
+
cefc-tcof-Apprendreaulycee-15
|
40 |
+
cefc-tcof-Apprendreaulycee-166
|
41 |
+
cefc-tcof-Apprendreaulycee-20
|
42 |
+
cefc-tcof-Apprendreaulycee-48
|
43 |
+
cefc-tcof-Apprendreaulycee-51
|
44 |
+
cefc-tcof-Apprendreaulycee-72
|
45 |
+
cefc-tcof-Apprendreaulycee-75
|
46 |
+
cefc-tcof-Apprendreaulycee-83
|
47 |
+
cefc-tcof-Apprendreaulycee-87
|
48 |
+
cefc-tcof-Aqua_05-10
|
49 |
+
cefc-tcof-Aqua_05-119
|
50 |
+
cefc-tcof-Aqua_05-164
|
51 |
+
cefc-tcof-Aqua_05-177
|
52 |
+
cefc-tcof-Aqua_05-181
|
53 |
+
cefc-tcof-Aqua_05-198
|
54 |
+
cefc-tcof-Aqua_05-205
|
55 |
+
cefc-tcof-Aqua_05-209
|
56 |
+
cefc-tcof-Aqua_05-214
|
57 |
+
cefc-tcof-Aqua_05-227
|
58 |
+
cefc-tcof-Aqua_05-25
|
59 |
+
cefc-tcof-Aqua_05-299
|
60 |
+
cefc-tcof-Aqua_05-312
|
61 |
+
cefc-tcof-Aqua_05-56
|
62 |
+
cefc-tcof-Aqua_05-99
|
63 |
+
cefc-tcof-Assemblee_dim_08-25
|
64 |
+
cefc-tcof-Assemblee_dim_08-9
|
65 |
+
cefc-tcof-Assemblee_mau_08-17
|
66 |
+
cefc-tcof-Assemblee_mau_08-79
|
67 |
+
cefc-tcof-Assemblee_mul_08-70
|
68 |
+
cefc-tcof-Assemblee_mul_08-76
|
69 |
+
cefc-tcof-Assemblee_sar_08-132
|
70 |
+
cefc-tcof-Assemblee_sar_08-159
|
71 |
+
cefc-tcof-Assemblee_sar_08-16
|
72 |
+
cefc-tcof-Assemblee_sar_08-165
|
73 |
+
cefc-tcof-Assemblee_sar_08-211
|
74 |
+
cefc-tcof-Assemblee_sar_08-34
|
75 |
+
cefc-tcof-Assemblee_sar_08-5
|
76 |
+
cefc-tcof-Assemblee_sar_08-65
|
77 |
+
cefc-tcof-Assemblee_sar_08-89
|
78 |
+
cefc-tcof-Assemblee_sar_08-91
|
79 |
+
cefc-tcof-Assemblee_sar_08-92
|
80 |
+
cefc-tcof-Assemblee_sar_08-93
|
81 |
+
cefc-tcof-Automobile_gue_08-1
|
82 |
+
cefc-tcof-Automobile_gue_08-36
|
83 |
+
cefc-tcof-Ave_bat_08-133
|
84 |
+
cefc-tcof-Ave_bat_08-14
|
85 |
+
cefc-tcof-Ave_bat_08-49
|
86 |
+
cefc-tcof-Ave_bat_08-70
|
87 |
+
cefc-tcof-Ave_bat_08-83
|
88 |
+
cefc-tcof-Bask_par_06-114
|
89 |
+
cefc-tcof-Bask_par_06-148
|
90 |
+
cefc-tcof-Bask_par_06-29
|
91 |
+
cefc-tcof-Bask_par_06-3
|
92 |
+
cefc-tcof-Bask_par_06-61
|
93 |
+
cefc-tcof-Bask_par_06-75
|
94 |
+
cefc-tcof-Bila_jad_07-142
|
95 |
+
cefc-tcof-Bila_jad_07-173
|
96 |
+
cefc-tcof-Bila_jad_07-189
|
97 |
+
cefc-tcof-Bila_jad_07-79
|
98 |
+
cefc-tcof-Bilan_pag_09-118
|
99 |
+
cefc-tcof-Bilan_pag_09-139
|
100 |
+
cefc-tcof-Bilan_pag_09-29
|
101 |
+
cefc-tcof-Bilan_pag_09-291
|
102 |
+
cefc-tcof-Bilan_pag_09-292
|
103 |
+
cefc-tcof-Bilan_pag_09-35
|
104 |
+
cefc-tcof-Bilan_pag_09-350
|
105 |
+
cefc-tcof-Bilan_pag_09-396
|
106 |
+
cefc-tcof-Bilan_pag_09-68
|
107 |
+
cefc-tcof-Bilan_pag_09-9
|
108 |
+
cefc-tcof-Bilan_pag_09-92
|
109 |
+
cefc-tcof-Bmx_min-47
|
110 |
+
cefc-tcof-Bmx_min-77
|
111 |
+
cefc-tcof-Bmx_min-97
|
112 |
+
cefc-tcof-Boi_m1_09-1034
|
113 |
+
cefc-tcof-Boi_m1_09-1123
|
114 |
+
cefc-tcof-Boi_m1_09-1136
|
115 |
+
cefc-tcof-Boi_m1_09-1155
|
116 |
+
cefc-tcof-Boi_m1_09-1159
|
117 |
+
cefc-tcof-Boi_m1_09-117
|
118 |
+
cefc-tcof-Boi_m1_09-1176
|
119 |
+
cefc-tcof-Boi_m1_09-1203
|
120 |
+
cefc-tcof-Boi_m1_09-1253
|
121 |
+
cefc-tcof-Boi_m1_09-1272
|
122 |
+
cefc-tcof-Boi_m1_09-1336
|
123 |
+
cefc-tcof-Boi_m1_09-1423
|
124 |
+
cefc-tcof-Boi_m1_09-1434
|
125 |
+
cefc-tcof-Boi_m1_09-1470
|
126 |
+
cefc-tcof-Boi_m1_09-172
|
127 |
+
cefc-tcof-Boi_m1_09-19
|
128 |
+
cefc-tcof-Boi_m1_09-267
|
129 |
+
cefc-tcof-Boi_m1_09-283
|
130 |
+
cefc-tcof-Boi_m1_09-308
|
131 |
+
cefc-tcof-Boi_m1_09-351
|
132 |
+
cefc-tcof-Boi_m1_09-450
|
133 |
+
cefc-tcof-Boi_m1_09-505
|
134 |
+
cefc-tcof-Boi_m1_09-517
|
135 |
+
cefc-tcof-Boi_m1_09-61
|
136 |
+
cefc-tcof-Boi_m1_09-623
|
137 |
+
cefc-tcof-Boi_m1_09-748
|
138 |
+
cefc-tcof-Boi_m1_09-895
|
139 |
+
cefc-tcof-Boi_m1_09-927
|
140 |
+
cefc-tcof-Boi_m1_09-937
|
141 |
+
cefc-tcof-Boi_m1_09-976
|
142 |
+
cefc-tcof-Boxe_sd-1
|
143 |
+
cefc-tcof-Boxe_sd-100_1
|
144 |
+
cefc-tcof-Boxe_sd-196
|
145 |
+
cefc-tcof-Boxe_sd-198
|
146 |
+
cefc-tcof-Boxe_sd-207
|
147 |
+
cefc-tcof-Boxe_sd-217
|
148 |
+
cefc-tcof-Boxe_sd-25
|
149 |
+
cefc-tcof-Boxe_sd-251
|
150 |
+
cefc-tcof-Boxe_sd-257
|
151 |
+
cefc-tcof-Boxe_sd-292
|
152 |
+
cefc-tcof-Boxe_sd-30
|
153 |
+
cefc-tcof-Boxe_sd-327
|
154 |
+
cefc-tcof-Boxe_sd-389
|
155 |
+
cefc-tcof-Boxe_sd-56
|
156 |
+
cefc-tcof-Boxe_sd-62
|
157 |
+
cefc-tcof-Boxe_sd-72
|
158 |
+
cefc-tcof-Boxe_sd-96
|
159 |
+
cefc-tcof-Bres_m1_08-142
|
160 |
+
cefc-tcof-Bres_m1_08-15
|
161 |
+
cefc-tcof-Bres_m1_08-151
|
162 |
+
cefc-tcof-Bres_m1_08-160
|
163 |
+
cefc-tcof-Bres_m1_08-163
|
164 |
+
cefc-tcof-Bres_m1_08-190
|
165 |
+
cefc-tcof-Bres_m1_08-207
|
166 |
+
cefc-tcof-Bres_m1_08-292
|
167 |
+
cefc-tcof-Bres_m1_08-41
|
168 |
+
cefc-tcof-Bres_m1_08-97
|
169 |
+
cefc-tcof-Cadeaux_bon_08-161
|
170 |
+
cefc-tcof-Cadeaux_bon_08-191
|
171 |
+
cefc-tcof-Cadeaux_bon_08-224
|
172 |
+
cefc-tcof-Cafe_leg_06-103
|
173 |
+
cefc-tcof-Cafe_leg_06-16
|
174 |
+
cefc-tcof-Carr_mar_06-20
|
175 |
+
cefc-tcof-Carr_mar_06-39
|
176 |
+
cefc-tcof-Carr_mar_06-49
|
177 |
+
cefc-tcof-Carr_mar_06-65
|
178 |
+
cefc-tcof-Carr_mar_06-66
|
179 |
+
cefc-tcof-Cartables_bar_08-110
|
180 |
+
cefc-tcof-Cartables_bar_08-132
|
181 |
+
cefc-tcof-Cartables_bar_08-138
|
182 |
+
cefc-tcof-Cartables_bar_08-178
|
183 |
+
cefc-tcof-Cartables_bar_08-179
|
184 |
+
cefc-tcof-Cartables_bar_08-27
|
185 |
+
cefc-tcof-Cartables_bar_08-282
|
186 |
+
cefc-tcof-Cartables_bar_08-286
|
187 |
+
cefc-tcof-Cartables_bar_08-309
|
188 |
+
cefc-tcof-Cartables_bar_08-337
|
189 |
+
cefc-tcof-Cartables_bar_08-5
|
190 |
+
cefc-tcof-Cartables_bar_08-92
|
191 |
+
cefc-tcof-Cha_hey_07-133
|
192 |
+
cefc-tcof-Cha_hey_07-19
|
193 |
+
cefc-tcof-Cha_hey_07-32
|
194 |
+
cefc-tcof-Cha_hey_07-5
|
195 |
+
cefc-tcof-Cha_hey_07-57
|
196 |
+
cefc-tcof-Cha_hey_07-77
|
197 |
+
cefc-tcof-Chee_alb_sd-106
|
198 |
+
cefc-tcof-Chee_alb_sd-110
|
199 |
+
cefc-tcof-Chee_alb_sd-18
|
200 |
+
cefc-tcof-Chee_alb_sd-52
|
201 |
+
cefc-tcof-Chee_alb_sd-55
|
202 |
+
cefc-tcof-Chee_alb_sd-8
|
203 |
+
cefc-tcof-Chev_beu_sd-100
|
204 |
+
cefc-tcof-Chev_beu_sd-110
|
205 |
+
cefc-tcof-Chev_beu_sd-144
|
206 |
+
cefc-tcof-Chev_beu_sd-153
|
207 |
+
cefc-tcof-Chev_beu_sd-181
|
208 |
+
cefc-tcof-Chev_beu_sd-182
|
209 |
+
cefc-tcof-Chev_beu_sd-206
|
210 |
+
cefc-tcof-Chev_beu_sd-263
|
211 |
+
cefc-tcof-Chev_beu_sd-268
|
212 |
+
cefc-tcof-Chev_beu_sd-31
|
213 |
+
cefc-tcof-Chev_beu_sd-75
|
214 |
+
cefc-tcof-Chev_beu_sd-8
|
215 |
+
cefc-tcof-Christine_pru-126
|
216 |
+
cefc-tcof-Christine_pru-138
|
217 |
+
cefc-tcof-Christine_pru-172
|
218 |
+
cefc-tcof-Christine_pru-208
|
219 |
+
cefc-tcof-Christine_pru-214
|
220 |
+
cefc-tcof-Christine_pru-225
|
221 |
+
cefc-tcof-Christine_pru-259
|
222 |
+
cefc-tcof-Christine_pru-274
|
223 |
+
cefc-tcof-Christine_pru-301
|
224 |
+
cefc-tcof-Christine_pru-323
|
225 |
+
cefc-tcof-Christine_pru-345
|
226 |
+
cefc-tcof-Christine_pru-366
|
227 |
+
cefc-tcof-Christine_pru-467
|
228 |
+
cefc-tcof-Christine_pru-523
|
229 |
+
cefc-tcof-Christine_pru-559
|
230 |
+
cefc-tcof-Christine_pru-626
|
231 |
+
cefc-tcof-Christine_pru-635
|
232 |
+
cefc-tcof-Christine_pru-647
|
233 |
+
cefc-tcof-Cine_sao_07-105
|
234 |
+
cefc-tcof-Cine_sao_07-51
|
235 |
+
cefc-tcof-Cine_sao_07-67
|
236 |
+
cefc-tcof-Cine_sao_07-89
|
237 |
+
cefc-tcof-Cnrs_mar_08-13
|
238 |
+
cefc-tcof-Cnrs_mar_08-175
|
239 |
+
cefc-tcof-Cnrs_mar_08-231
|
240 |
+
cefc-tcof-Cnrs_mar_08-256
|
241 |
+
cefc-tcof-Cnrs_mar_08-257
|
242 |
+
cefc-tcof-Cnrs_mar_08-281
|
243 |
+
cefc-tcof-Cnrs_mar_08-42
|
244 |
+
cefc-tcof-Cnrs_mar_08-441
|
245 |
+
cefc-tcof-Cnrs_mar_08-535
|
246 |
+
cefc-tcof-Cnrs_mar_08-586
|
247 |
+
cefc-tcof-Cnrs_mar_08-602
|
248 |
+
cefc-tcof-Comb_bach_08-116
|
249 |
+
cefc-tcof-Comb_bach_08-128
|
250 |
+
cefc-tcof-Comb_bach_08-139
|
251 |
+
cefc-tcof-Comb_bach_08-144
|
252 |
+
cefc-tcof-Comb_bach_08-178
|
253 |
+
cefc-tcof-Comb_bach_08-191
|
254 |
+
cefc-tcof-Comb_bach_08-241
|
255 |
+
cefc-tcof-Comb_bach_08-26
|
256 |
+
cefc-tcof-Comb_bach_08-47
|
257 |
+
cefc-tcof-Comb_bach_08-49
|
258 |
+
cefc-tcof-Comb_bach_08-54
|
259 |
+
cefc-tcof-Comb_bach_08-79
|
260 |
+
cefc-tcof-Conv_cai_06-108
|
261 |
+
cefc-tcof-Conv_cai_06-111
|
262 |
+
cefc-tcof-Conv_cai_06-23
|
263 |
+
cefc-tcof-Conv_cai_06-230
|
264 |
+
cefc-tcof-Conv_cai_06-245
|
265 |
+
cefc-tcof-Conv_cai_06-268
|
266 |
+
cefc-tcof-Conv_cai_06-269
|
267 |
+
cefc-tcof-Conv_cai_06-30
|
268 |
+
cefc-tcof-Conv_cai_06-51
|
269 |
+
cefc-tcof-Conv_cai_06-73
|
270 |
+
cefc-tcof-Conv_cai_06-97
|
271 |
+
cefc-tcof-Conversation_kri_08_part1-120
|
272 |
+
cefc-tcof-Conversation_kri_08_part1-150
|
273 |
+
cefc-tcof-Conversation_kri_08_part1-163
|
274 |
+
cefc-tcof-Conversation_kri_08_part1-196
|
275 |
+
cefc-tcof-Conversation_kri_08_part1-197
|
276 |
+
cefc-tcof-Conversation_kri_08_part1-202
|
277 |
+
cefc-tcof-Conversation_kri_08_part1-8
|
278 |
+
cefc-tcof-Conversation_kri_08_part2-1
|
279 |
+
cefc-tcof-Conversation_kri_08_part2-144
|
280 |
+
cefc-tcof-Conversation_kri_08_part2-148
|
281 |
+
cefc-tcof-Conversation_kri_08_part2-159
|
282 |
+
cefc-tcof-Conversation_kri_08_part2-180
|
283 |
+
cefc-tcof-Conversation_kri_08_part2-20
|
284 |
+
cefc-tcof-Conversation_kri_08_part2-215
|
285 |
+
cefc-tcof-Conversation_kri_08_part2-90
|
286 |
+
cefc-tcof-Conversation_mat_08-111
|
287 |
+
cefc-tcof-Conversation_mat_08-214
|
288 |
+
cefc-tcof-Conversation_mat_08-223
|
289 |
+
cefc-tcof-Conversation_mat_08-284
|
290 |
+
cefc-tcof-Conversation_mat_08-295
|
291 |
+
cefc-tcof-Conversation_mat_08-49
|
292 |
+
cefc-tcof-Conversation_mat_08-53
|
293 |
+
cefc-tcof-Cro_cons_mun_08-136
|
294 |
+
cefc-tcof-Cro_cons_mun_08-161
|
295 |
+
cefc-tcof-Cro_cons_mun_08-163
|
296 |
+
cefc-tcof-Cro_cons_mun_08-174
|
297 |
+
cefc-tcof-Cro_cons_mun_08-175
|
298 |
+
cefc-tcof-Cro_cons_mun_08-193
|
299 |
+
cefc-tcof-Cro_cons_mun_08-20
|
300 |
+
cefc-tcof-Cro_cons_mun_08-201
|
301 |
+
cefc-tcof-Cro_cons_mun_08-3
|
302 |
+
cefc-tcof-Cro_cons_mun_08-34
|
303 |
+
cefc-tcof-Cro_cons_mun_08-61
|
304 |
+
cefc-tcof-Cro_cons_mun_08-71
|
305 |
+
cefc-tcof-Cro_cons_mun_08-90
|
306 |
+
cefc-tcof-Dav_gan_06-121
|
307 |
+
cefc-tcof-Dav_gan_06-141
|
308 |
+
cefc-tcof-Dav_gan_06-149
|
309 |
+
cefc-tcof-Dav_gan_06-192
|
310 |
+
cefc-tcof-Dav_gan_06-196
|
311 |
+
cefc-tcof-Dav_gan_06-58
|
312 |
+
cefc-tcof-Dav_gan_06-62
|
313 |
+
cefc-tcof-Dav_gan_06-70
|
314 |
+
cefc-tcof-Deb_lm_mairie_08-155
|
315 |
+
cefc-tcof-Deb_lm_mairie_08-189
|
316 |
+
cefc-tcof-Deb_lm_mairie_08-283
|
317 |
+
cefc-tcof-Deb_lm_mairie_08-289
|
318 |
+
cefc-tcof-Deb_lm_mairie_08-308
|
319 |
+
cefc-tcof-Deb_lm_mairie_08-345
|
320 |
+
cefc-tcof-Deb_lm_mairie_08-366
|
321 |
+
cefc-tcof-Deb_lm_mairie_08-369
|
322 |
+
cefc-tcof-Deb_lm_mairie_08-4
|
323 |
+
cefc-tcof-Deb_lm_mairie_08-404
|
324 |
+
cefc-tcof-Deb_lm_mairie_08-413
|
325 |
+
cefc-tcof-Deb_lm_mairie_08-449
|
326 |
+
cefc-tcof-Deb_lm_mairie_08-462
|
327 |
+
cefc-tcof-Deb_lm_mairie_08-60
|
328 |
+
cefc-tcof-Deb_lm_mairie_08-73
|
329 |
+
cefc-tcof-Deltaplane_tus-120
|
330 |
+
cefc-tcof-Deltaplane_tus-124
|
331 |
+
cefc-tcof-Deltaplane_tus-131
|
332 |
+
cefc-tcof-Deltaplane_tus-192
|
333 |
+
cefc-tcof-Deltaplane_tus-193
|
334 |
+
cefc-tcof-Deltaplane_tus-211
|
335 |
+
cefc-tcof-Deltaplane_tus-257
|
336 |
+
cefc-tcof-Deltaplane_tus-265
|
337 |
+
cefc-tcof-Deltaplane_tus-294
|
338 |
+
cefc-tcof-Deltaplane_tus-297
|
339 |
+
cefc-tcof-Deltaplane_tus-310
|
340 |
+
cefc-tcof-Deltaplane_tus-318
|
341 |
+
cefc-tcof-Deltaplane_tus-403
|
342 |
+
cefc-tcof-Deltaplane_tus-460
|
343 |
+
cefc-tcof-Deltaplane_tus-546
|
344 |
+
cefc-tcof-Deltaplane_tus-563
|
345 |
+
cefc-tcof-Deltaplane_tus-606
|
346 |
+
cefc-tcof-Deltaplane_tus-61
|
347 |
+
cefc-tcof-Deltaplane_tus-65
|
348 |
+
cefc-tcof-Deltaplane_tus-670
|
349 |
+
cefc-tcof-Deltaplane_tus-676
|
350 |
+
cefc-tcof-Deltaplane_tus-94
|
351 |
+
cefc-tcof-Deltaplane_tus-99
|
352 |
+
cefc-tcof-Educ_pot_08-105
|
353 |
+
cefc-tcof-Educ_pot_08-110
|
354 |
+
cefc-tcof-Educ_pot_08-132
|
355 |
+
cefc-tcof-Educ_pot_08-139
|
356 |
+
cefc-tcof-Educ_pot_08-7
|
357 |
+
cefc-tcof-Educ_pot_08-90
|
358 |
+
cefc-tcof-Emploi_cha_08-106
|
359 |
+
cefc-tcof-Emploi_cha_08-142
|
360 |
+
cefc-tcof-Emploi_cha_08-159
|
361 |
+
cefc-tcof-Emploi_cha_08-16
|
362 |
+
cefc-tcof-Emploi_cha_08-174
|
363 |
+
cefc-tcof-Emploi_cha_08-248
|
364 |
+
cefc-tcof-Emploi_cha_08-254
|
365 |
+
cefc-tcof-Emploi_cha_08-268_2
|
366 |
+
cefc-tcof-Emploi_cha_08-360
|
367 |
+
cefc-tcof-Emploi_cha_08-50
|
368 |
+
cefc-tcof-Emploi_cha_08-98
|
369 |
+
cefc-tcof-Employeducnrs-175
|
370 |
+
cefc-tcof-Employeducnrs-181
|
371 |
+
cefc-tcof-Employeducnrs-210
|
372 |
+
cefc-tcof-Employeducnrs-244
|
373 |
+
cefc-tcof-Employeducnrs-247
|
374 |
+
cefc-tcof-Employeducnrs-262
|
375 |
+
cefc-tcof-Employeducnrs-267
|
376 |
+
cefc-tcof-Employeducnrs-272
|
377 |
+
cefc-tcof-Employeducnrs-291
|
378 |
+
cefc-tcof-Employeducnrs-295
|
379 |
+
cefc-tcof-Employeducnrs-338
|
380 |
+
cefc-tcof-Employeducnrs-372
|
381 |
+
cefc-tcof-Employeducnrs-380
|
382 |
+
cefc-tcof-Employeducnrs-39
|
383 |
+
cefc-tcof-Employeducnrs-390
|
384 |
+
cefc-tcof-Employeducnrs-457
|
385 |
+
cefc-tcof-Employeducnrs-47
|
386 |
+
cefc-tcof-Employeducnrs-471
|
387 |
+
cefc-tcof-Employeducnrs-496
|
388 |
+
cefc-tcof-Employeducnrs-518
|
389 |
+
cefc-tcof-Employeducnrs-589
|
390 |
+
cefc-tcof-Employeducnrs-596
|
391 |
+
cefc-tcof-Employeducnrs-628
|
392 |
+
cefc-tcof-Employeducnrs-66
|
393 |
+
cefc-tcof-Employeducnrs-98
|
394 |
+
cefc-tcof-Ent_cha_06-146
|
395 |
+
cefc-tcof-Ent_cha_06-17
|
396 |
+
cefc-tcof-Ent_cha_06-190
|
397 |
+
cefc-tcof-Ent_cha_06-199
|
398 |
+
cefc-tcof-Ent_cha_06-24
|
399 |
+
cefc-tcof-Ent_cha_06-342
|
400 |
+
cefc-tcof-Ergotherapie_sch-106
|
401 |
+
cefc-tcof-Ergotherapie_sch-152
|
402 |
+
cefc-tcof-Ergotherapie_sch-168
|
403 |
+
cefc-tcof-Ergotherapie_sch-189
|
404 |
+
cefc-tcof-Ergotherapie_sch-51
|
405 |
+
cefc-tcof-Ergotherapie_sch-57
|
406 |
+
cefc-tcof-Ergotherapie_sch-97
|
407 |
+
cefc-tcof-Escalade_mic-11
|
408 |
+
cefc-tcof-Escalade_mic-12
|
409 |
+
cefc-tcof-Escalade_mic-15
|
410 |
+
cefc-tcof-Escalade_mic-180
|
411 |
+
cefc-tcof-Escalade_mic-183
|
412 |
+
cefc-tcof-Escalade_mic-199
|
413 |
+
cefc-tcof-Escalade_mic-2
|
414 |
+
cefc-tcof-Escalade_mic-202
|
415 |
+
cefc-tcof-Escalade_mic-215
|
416 |
+
cefc-tcof-Escalade_mic-236
|
417 |
+
cefc-tcof-Escalade_mic-243
|
418 |
+
cefc-tcof-Escalade_mic-254
|
419 |
+
cefc-tcof-Escalade_mic-300
|
420 |
+
cefc-tcof-Escalade_mic-314
|
421 |
+
cefc-tcof-Escalade_mic-32
|
422 |
+
cefc-tcof-Escalade_mic-351
|
423 |
+
cefc-tcof-Escalade_mic-352
|
424 |
+
cefc-tcof-Escalade_mic-367
|
425 |
+
cefc-tcof-Escalade_mic-388
|
426 |
+
cefc-tcof-Escalade_mic-424
|
427 |
+
cefc-tcof-Escalade_mic-49
|
428 |
+
cefc-tcof-Escalade_mic-5
|
429 |
+
cefc-tcof-Escalade_mic-68
|
430 |
+
cefc-tcof-Escalade_mic-84
|
431 |
+
cefc-tcof-Escalade_mic-86
|
432 |
+
cefc-tcof-Etudesmedecine_sim-184
|
433 |
+
cefc-tcof-Etudesmedecine_sim-195
|
434 |
+
cefc-tcof-Explorationssonores-135
|
435 |
+
cefc-tcof-Explorationssonores-157
|
436 |
+
cefc-tcof-Explorationssonores-179
|
437 |
+
cefc-tcof-Explorationssonores-191
|
438 |
+
cefc-tcof-Explorationssonores-31
|
439 |
+
cefc-tcof-Explorationssonores-33
|
440 |
+
cefc-tcof-Explorationssonores-8
|
441 |
+
cefc-tcof-Explorationssonores-84
|
442 |
+
cefc-tcof-Famille_fer_08_1-103
|
443 |
+
cefc-tcof-Famille_fer_08_1-146
|
444 |
+
cefc-tcof-Famille_fer_08_1-54
|
445 |
+
cefc-tcof-Famille_fer_08_2-122_2
|
446 |
+
cefc-tcof-Famille_fer_08_2-88
|
447 |
+
cefc-tcof-Famille_fer_08_2-90
|
448 |
+
cefc-tcof-Famille_fer_08_2-99
|
449 |
+
cefc-tcof-Famille_pru-111
|
450 |
+
cefc-tcof-Famille_pru-132
|
451 |
+
cefc-tcof-Famille_pru-176
|
452 |
+
cefc-tcof-Famille_pru-189
|
453 |
+
cefc-tcof-Famille_pru-231
|
454 |
+
cefc-tcof-Famille_pru-259
|
455 |
+
cefc-tcof-Famille_pru-269
|
456 |
+
cefc-tcof-Famille_pru-27
|
457 |
+
cefc-tcof-Famille_pru-359
|
458 |
+
cefc-tcof-Famille_pru-370
|
459 |
+
cefc-tcof-Famille_pru-419
|
460 |
+
cefc-tcof-Famille_pru-71
|
461 |
+
cefc-tcof-Ferme_jea_08-1
|
462 |
+
cefc-tcof-Ferme_jea_08-208
|
463 |
+
cefc-tcof-Ferme_jea_08-224
|
464 |
+
cefc-tcof-Ferme_jea_08-242
|
465 |
+
cefc-tcof-Ferme_jea_08-250
|
466 |
+
cefc-tcof-Ferme_jea_08-258
|
467 |
+
cefc-tcof-Ferme_jea_08-291
|
468 |
+
cefc-tcof-Ferme_jea_08-440
|
469 |
+
cefc-tcof-Ferme_jea_08-592
|
470 |
+
cefc-tcof-Ferme_jea_08-625
|
471 |
+
cefc-tcof-Ferme_jea_08-672
|
472 |
+
cefc-tcof-Ferme_jea_08-677
|
473 |
+
cefc-tcof-Ferme_jea_08-681
|
474 |
+
cefc-tcof-Ferme_jea_08-80
|
475 |
+
cefc-tcof-Ferme_jea_08-82
|
476 |
+
cefc-tcof-Fete_lec_07-109
|
477 |
+
cefc-tcof-Fete_lec_07-189
|
478 |
+
cefc-tcof-Fete_lec_07-250
|
479 |
+
cefc-tcof-Fete_lec_07-270
|
480 |
+
cefc-tcof-Fete_lec_07-312
|
481 |
+
cefc-tcof-Fete_lec_07-358
|
482 |
+
cefc-tcof-Fete_lec_07-40
|
483 |
+
cefc-tcof-Fete_lec_07-443
|
484 |
+
cefc-tcof-Guadeloupe-199
|
485 |
+
cefc-tcof-Guadeloupe-244
|
486 |
+
cefc-tcof-Guadeloupe-33
|
487 |
+
cefc-tcof-Guadeloupe-8
|
488 |
+
cefc-tcof-Guid_lin_sd-128
|
489 |
+
cefc-tcof-Guid_lin_sd-137
|
490 |
+
cefc-tcof-Guid_lin_sd-143
|
491 |
+
cefc-tcof-Guid_lin_sd-166
|
492 |
+
cefc-tcof-Guid_lin_sd-27
|
493 |
+
cefc-tcof-Guid_lin_sd-82
|
494 |
+
cefc-tcof-Guid_lin_sd-83
|
495 |
+
cefc-tcof-Hen_sai_vin_reunion_08-13_2
|
496 |
+
cefc-tcof-Hen_sai_vin_reunion_08-165
|
497 |
+
cefc-tcof-Hen_sai_vin_reunion_08-168
|
498 |
+
cefc-tcof-Hen_sai_vin_reunion_08-203
|
499 |
+
cefc-tcof-Hen_sai_vin_reunion_08-292
|
500 |
+
cefc-tcof-Hen_sai_vin_reunion_08-374
|
501 |
+
cefc-tcof-Hen_sai_vin_reunion_08-426
|
502 |
+
cefc-tcof-Hen_sai_vin_reunion_08-72
|
503 |
+
cefc-tcof-Hen_sai_vin_reunion_08-99
|
504 |
+
cefc-tcof-Hus_hus_sd-113
|
505 |
+
cefc-tcof-Hus_hus_sd-156
|
506 |
+
cefc-tcof-Hus_hus_sd-166
|
507 |
+
cefc-tcof-Hus_hus_sd-22
|
508 |
+
cefc-tcof-Hus_hus_sd-224
|
509 |
+
cefc-tcof-Hus_hus_sd-309
|
510 |
+
cefc-tcof-Hus_hus_sd-32
|
511 |
+
cefc-tcof-Hus_hus_sd-328
|
512 |
+
cefc-tcof-Hus_hus_sd-337
|
513 |
+
cefc-tcof-Incen_prov-113
|
514 |
+
cefc-tcof-Incen_prov-168
|
515 |
+
cefc-tcof-Incen_prov-173
|
516 |
+
cefc-tcof-Incen_prov-183
|
517 |
+
cefc-tcof-Incen_prov-24
|
518 |
+
cefc-tcof-Incen_prov-25
|
519 |
+
cefc-tcof-Incen_prov-287
|
520 |
+
cefc-tcof-Incen_prov-313
|
521 |
+
cefc-tcof-Incen_prov-333
|
522 |
+
cefc-tcof-Incen_prov-354
|
523 |
+
cefc-tcof-Incen_prov-421
|
524 |
+
cefc-tcof-Incen_prov-434
|
525 |
+
cefc-tcof-Incen_prov-487
|
526 |
+
cefc-tcof-Incen_prov-535
|
527 |
+
cefc-tcof-Incen_prov-538
|
528 |
+
cefc-tcof-Incen_prov-553
|
529 |
+
cefc-tcof-Incen_prov-577
|
530 |
+
cefc-tcof-Incen_prov-589
|
531 |
+
cefc-tcof-Incen_prov-609
|
532 |
+
cefc-tcof-Incen_prov-648
|
533 |
+
cefc-tcof-Incen_prov-694
|
534 |
+
cefc-tcof-Incen_prov-714
|
535 |
+
cefc-tcof-Incen_prov-715
|
536 |
+
cefc-tcof-Incen_prov-753
|
537 |
+
cefc-tcof-Incen_prov-775
|
538 |
+
cefc-tcof-Incen_prov-778
|
539 |
+
cefc-tcof-Incen_prov-819
|
540 |
+
cefc-tcof-Incen_prov-886
|
541 |
+
cefc-tcof-Internat_bea-156
|
542 |
+
cefc-tcof-Internat_bea-179
|
543 |
+
cefc-tcof-Internat_bea-199
|
544 |
+
cefc-tcof-Internat_bea-212
|
545 |
+
cefc-tcof-Internat_bea-26
|
546 |
+
cefc-tcof-Internat_bea-40
|
547 |
+
cefc-tcof-Internat_bea-66
|
548 |
+
cefc-tcof-Internat_bea-96
|
549 |
+
cefc-tcof-Ion_ard_07-102
|
550 |
+
cefc-tcof-Ion_ard_07-105
|
551 |
+
cefc-tcof-Ion_ard_07-113
|
552 |
+
cefc-tcof-Ion_ard_07-23
|
553 |
+
cefc-tcof-Ion_ard_07-25
|
554 |
+
cefc-tcof-Ion_ard_07-76
|
555 |
+
cefc-tcof-Lan_reu_mjc_09-11
|
556 |
+
cefc-tcof-Lan_reu_mjc_09-131
|
557 |
+
cefc-tcof-Lan_reu_mjc_09-195
|
558 |
+
cefc-tcof-Lan_reu_mjc_09-202
|
559 |
+
cefc-tcof-Lan_reu_mjc_09-74
|
560 |
+
cefc-tcof-Lang_duc_08-106
|
561 |
+
cefc-tcof-Lang_duc_08-113
|
562 |
+
cefc-tcof-Lang_duc_08-121
|
563 |
+
cefc-tcof-Lang_duc_08-151
|
564 |
+
cefc-tcof-Lang_duc_08-160
|
565 |
+
cefc-tcof-Lang_duc_08-178
|
566 |
+
cefc-tcof-Lang_duc_08-199
|
567 |
+
cefc-tcof-Lang_duc_08-2
|
568 |
+
cefc-tcof-Lang_duc_08-269
|
569 |
+
cefc-tcof-Lang_duc_08-293
|
570 |
+
cefc-tcof-Lang_duc_08-324
|
571 |
+
cefc-tcof-Lang_duc_08-33
|
572 |
+
cefc-tcof-Lang_duc_08-333
|
573 |
+
cefc-tcof-Lang_duc_08-334
|
574 |
+
cefc-tcof-Lang_duc_08-335
|
575 |
+
cefc-tcof-Lang_duc_08-344
|
576 |
+
cefc-tcof-Lang_duc_08-393
|
577 |
+
cefc-tcof-Lang_duc_08-412
|
578 |
+
cefc-tcof-Lang_duc_08-425
|
579 |
+
cefc-tcof-Lang_duc_08-427_1
|
580 |
+
cefc-tcof-Lang_duc_08-445
|
581 |
+
cefc-tcof-Lang_duc_08-453
|
582 |
+
cefc-tcof-Lang_duc_08-492
|
583 |
+
cefc-tcof-Lang_duc_08-509
|
584 |
+
cefc-tcof-Lang_duc_08-533
|
585 |
+
cefc-tcof-Lang_duc_08-547
|
586 |
+
cefc-tcof-Lang_duc_08-584
|
587 |
+
cefc-tcof-Lang_duc_08-604
|
588 |
+
cefc-tcof-Lang_duc_08-655
|
589 |
+
cefc-tcof-Lang_duc_08-663
|
590 |
+
cefc-tcof-Lang_duc_08-727
|
591 |
+
cefc-tcof-Leg_reu_educ_08-13
|
592 |
+
cefc-tcof-Leg_reu_educ_08-168
|
593 |
+
cefc-tcof-Leg_reu_educ_08-18
|
594 |
+
cefc-tcof-Leg_reu_educ_08-198
|
595 |
+
cefc-tcof-Leg_reu_educ_08-229
|
596 |
+
cefc-tcof-Leg_reu_educ_08-254
|
597 |
+
cefc-tcof-Leg_reu_educ_08-34
|
598 |
+
cefc-tcof-Leg_reu_educ_08-347
|
599 |
+
cefc-tcof-Leg_reu_educ_08-367
|
600 |
+
cefc-tcof-Leg_reu_educ_08-414
|
601 |
+
cefc-tcof-Lic2012-13_Benmehdi-116
|
602 |
+
cefc-tcof-Lic2012-13_Benmehdi-28
|
603 |
+
cefc-tcof-Lic2012-13_Benmehdi-37
|
604 |
+
cefc-tcof-Lic2012-13_Benmehdi-89
|
605 |
+
cefc-tcof-Lic2012-13_Benmehdi-98
|
606 |
+
cefc-tcof-Lic2012-13_Carrillo-39
|
607 |
+
cefc-tcof-Lic2012-13_Cohard-104
|
608 |
+
cefc-tcof-Lic2012-13_Cohard-110
|
609 |
+
cefc-tcof-Lic2012-13_Cohard-63
|
610 |
+
cefc-tcof-Lic2012-13_Cohard-65
|
611 |
+
cefc-tcof-Lic2012-13_Cohard-90
|
612 |
+
cefc-tcof-Lic2012-13_Cohard-98
|
613 |
+
cefc-tcof-Lic2012-13_Dieu-100
|
614 |
+
cefc-tcof-Lic2012-13_Dieu-102
|
615 |
+
cefc-tcof-Lic2012-13_Dieu-103
|
616 |
+
cefc-tcof-Lic2012-13_Dieu-170
|
617 |
+
cefc-tcof-Lic2012-13_Dieu-181
|
618 |
+
cefc-tcof-Lic2012-13_Dieu-80
|
619 |
+
cefc-tcof-Lic2012-13_Guerrero-33
|
620 |
+
cefc-tcof-Lic2012-13_Guerrero-63
|
621 |
+
cefc-tcof-Lic2012-13_Guerrero-82
|
622 |
+
cefc-tcof-Lic2012-13_Guerrero-86
|
623 |
+
cefc-tcof-Lic2012-13_Merheb-119
|
624 |
+
cefc-tcof-Lic2012-13_Merheb-27
|
625 |
+
cefc-tcof-Lic2012-13_Merheb-9
|
626 |
+
cefc-tcof-Lic2012-13_Nhu-Pham-11
|
627 |
+
cefc-tcof-Lic2012-13_Nhu-Pham-23
|
628 |
+
cefc-tcof-Lic2012-13_Nhu-Pham-48
|
629 |
+
cefc-tcof-Lic2012-13_Nhu-Pham-52
|
630 |
+
cefc-tcof-Lic2013-14_Barale-105
|
631 |
+
cefc-tcof-Lic2013-14_Barale-36
|
632 |
+
cefc-tcof-Lic2013-14_Barale-99
|
633 |
+
cefc-tcof-Lic2013-14_Chevalier-25
|
634 |
+
cefc-tcof-Lic2013-14_Chevalier-5
|
635 |
+
cefc-tcof-Lic2013-14_Chevalier-57
|
636 |
+
cefc-tcof-Lic2013-14_Chevalier-62
|
637 |
+
cefc-tcof-Lic2013-14_Chevalier-64
|
638 |
+
cefc-tcof-Lic2013-14_Chevalier-91
|
639 |
+
cefc-tcof-Lic2013-14_Farrugia-11
|
640 |
+
cefc-tcof-Lic2013-14_Farrugia-115
|
641 |
+
cefc-tcof-Lic2013-14_Farrugia-144
|
642 |
+
cefc-tcof-Lic2013-14_Farrugia-170
|
643 |
+
cefc-tcof-Lic2013-14_Farrugia-173
|
644 |
+
cefc-tcof-Lic2013-14_Farrugia-178
|
645 |
+
cefc-tcof-Lic2013-14_Farrugia-184
|
646 |
+
cefc-tcof-Lic2013-14_Farrugia-91
|
647 |
+
cefc-tcof-Lin_dans_08-147
|
648 |
+
cefc-tcof-Lin_dans_08-231
|
649 |
+
cefc-tcof-Lin_dans_08-241
|
650 |
+
cefc-tcof-Lin_dans_08-28
|
651 |
+
cefc-tcof-Lin_dans_08-328
|
652 |
+
cefc-tcof-Lin_dans_08-330
|
653 |
+
cefc-tcof-Lin_dans_08-376
|
654 |
+
cefc-tcof-Lin_dans_08-469
|
655 |
+
cefc-tcof-Lin_dans_08-50
|
656 |
+
cefc-tcof-Lin_dans_08-568
|
657 |
+
cefc-tcof-Lin_dans_08-582
|
658 |
+
cefc-tcof-Lin_dans_08-647
|
659 |
+
cefc-tcof-Lin_dans_08-661
|
660 |
+
cefc-tcof-Lin_dans_08-727
|
661 |
+
cefc-tcof-Lin_dans_08-782
|
662 |
+
cefc-tcof-Lin_dans_08-814
|
663 |
+
cefc-tcof-Lin_dans_08-86
|
664 |
+
cefc-tcof-Mac_cle_sd-1042
|
665 |
+
cefc-tcof-Mac_cle_sd-1053
|
666 |
+
cefc-tcof-Mac_cle_sd-1071
|
667 |
+
cefc-tcof-Mac_cle_sd-109
|
668 |
+
cefc-tcof-Mac_cle_sd-1091
|
669 |
+
cefc-tcof-Mac_cle_sd-1094
|
670 |
+
cefc-tcof-Mac_cle_sd-1156
|
671 |
+
cefc-tcof-Mac_cle_sd-1216
|
672 |
+
cefc-tcof-Mac_cle_sd-1220
|
673 |
+
cefc-tcof-Mac_cle_sd-1248
|
674 |
+
cefc-tcof-Mac_cle_sd-1264
|
675 |
+
cefc-tcof-Mac_cle_sd-1269
|
676 |
+
cefc-tcof-Mac_cle_sd-1323
|
677 |
+
cefc-tcof-Mac_cle_sd-1386
|
678 |
+
cefc-tcof-Mac_cle_sd-1412
|
679 |
+
cefc-tcof-Mac_cle_sd-1426
|
680 |
+
cefc-tcof-Mac_cle_sd-1431
|
681 |
+
cefc-tcof-Mac_cle_sd-1452
|
682 |
+
cefc-tcof-Mac_cle_sd-1603
|
683 |
+
cefc-tcof-Mac_cle_sd-1677
|
684 |
+
cefc-tcof-Mac_cle_sd-27
|
685 |
+
cefc-tcof-Mac_cle_sd-300
|
686 |
+
cefc-tcof-Mac_cle_sd-33
|
687 |
+
cefc-tcof-Mac_cle_sd-354
|
688 |
+
cefc-tcof-Mac_cle_sd-444
|
689 |
+
cefc-tcof-Mac_cle_sd-538
|
690 |
+
cefc-tcof-Mac_cle_sd-549
|
691 |
+
cefc-tcof-Mac_cle_sd-630
|
692 |
+
cefc-tcof-Mac_cle_sd-65
|
693 |
+
cefc-tcof-Mac_cle_sd-655
|
694 |
+
cefc-tcof-Mac_cle_sd-657
|
695 |
+
cefc-tcof-Mac_cle_sd-662
|
696 |
+
cefc-tcof-Mac_cle_sd-706
|
697 |
+
cefc-tcof-Mac_cle_sd-741
|
698 |
+
cefc-tcof-Mai_web_07-128
|
699 |
+
cefc-tcof-Mai_web_07-151
|
700 |
+
cefc-tcof-Mai_web_07-34
|
701 |
+
cefc-tcof-Mai_web_07-52
|
702 |
+
cefc-tcof-Mai_web_07-86
|
703 |
+
cefc-tcof-Mar_ferr_sd-1006
|
704 |
+
cefc-tcof-Mar_ferr_sd-1016
|
705 |
+
cefc-tcof-Mar_ferr_sd-1046
|
706 |
+
cefc-tcof-Mar_ferr_sd-1085
|
707 |
+
cefc-tcof-Mar_ferr_sd-1086
|
708 |
+
cefc-tcof-Mar_ferr_sd-1189
|
709 |
+
cefc-tcof-Mar_ferr_sd-1266
|
710 |
+
cefc-tcof-Mar_ferr_sd-1303
|
711 |
+
cefc-tcof-Mar_ferr_sd-1310
|
712 |
+
cefc-tcof-Mar_ferr_sd-1348
|
713 |
+
cefc-tcof-Mar_ferr_sd-1356
|
714 |
+
cefc-tcof-Mar_ferr_sd-14
|
715 |
+
cefc-tcof-Mar_ferr_sd-172
|
716 |
+
cefc-tcof-Mar_ferr_sd-179
|
717 |
+
cefc-tcof-Mar_ferr_sd-240
|
718 |
+
cefc-tcof-Mar_ferr_sd-251
|
719 |
+
cefc-tcof-Mar_ferr_sd-291
|
720 |
+
cefc-tcof-Mar_ferr_sd-307
|
721 |
+
cefc-tcof-Mar_ferr_sd-350
|
722 |
+
cefc-tcof-Mar_ferr_sd-363
|
723 |
+
cefc-tcof-Mar_ferr_sd-368
|
724 |
+
cefc-tcof-Mar_ferr_sd-404
|
725 |
+
cefc-tcof-Mar_ferr_sd-486
|
726 |
+
cefc-tcof-Mar_ferr_sd-525
|
727 |
+
cefc-tcof-Mar_ferr_sd-547
|
728 |
+
cefc-tcof-Mar_ferr_sd-549
|
729 |
+
cefc-tcof-Mar_ferr_sd-565
|
730 |
+
cefc-tcof-Mar_ferr_sd-57
|
731 |
+
cefc-tcof-Mar_ferr_sd-570
|
732 |
+
cefc-tcof-Mar_ferr_sd-593
|
733 |
+
cefc-tcof-Mar_ferr_sd-599
|
734 |
+
cefc-tcof-Mar_ferr_sd-641
|
735 |
+
cefc-tcof-Mar_ferr_sd-721
|
736 |
+
cefc-tcof-Mar_ferr_sd-748
|
737 |
+
cefc-tcof-Mar_ferr_sd-827
|
738 |
+
cefc-tcof-Mar_ferr_sd-840
|
739 |
+
cefc-tcof-Mar_ferr_sd-841
|
740 |
+
cefc-tcof-Mar_ferr_sd-857
|
741 |
+
cefc-tcof-Mar_ferr_sd-88
|
742 |
+
cefc-tcof-Masc_dom_sd-126
|
743 |
+
cefc-tcof-Masc_dom_sd-172
|
744 |
+
cefc-tcof-Masc_dom_sd-269
|
745 |
+
cefc-tcof-Masc_dom_sd-41
|
746 |
+
cefc-tcof-Masc_dom_sd-74
|
747 |
+
cefc-tcof-Mat_tho_sd-123
|
748 |
+
cefc-tcof-Mat_tho_sd-50
|
749 |
+
cefc-tcof-Mat_tho_sd-74
|
750 |
+
cefc-tcof-Mat_tho_sd-76
|
751 |
+
cefc-tcof-Mat_tho_sd-9
|
752 |
+
cefc-tcof-Mat_tho_sd-99
|
753 |
+
cefc-tcof-Micr_bou_08-119
|
754 |
+
cefc-tcof-Micr_bou_08-120
|
755 |
+
cefc-tcof-Micr_bou_08-123
|
756 |
+
cefc-tcof-Micr_bou_08-125
|
757 |
+
cefc-tcof-Micr_bou_08-183
|
758 |
+
cefc-tcof-Micr_bou_08-2
|
759 |
+
cefc-tcof-Micr_bou_08-224
|
760 |
+
cefc-tcof-Micr_bou_08-228
|
761 |
+
cefc-tcof-Micr_bou_08-258
|
762 |
+
cefc-tcof-Micr_bou_08-54
|
763 |
+
cefc-tcof-Micr_bou_08-9
|
764 |
+
cefc-tcof-Mili_89-1
|
765 |
+
cefc-tcof-Mili_89-11
|
766 |
+
cefc-tcof-Mili_89-117
|
767 |
+
cefc-tcof-Mili_89-179
|
768 |
+
cefc-tcof-Mili_89-194
|
769 |
+
cefc-tcof-Mili_89-199
|
770 |
+
cefc-tcof-Mili_89-212
|
771 |
+
cefc-tcof-Mili_89-240
|
772 |
+
cefc-tcof-Mili_89-248
|
773 |
+
cefc-tcof-Mili_89-264
|
774 |
+
cefc-tcof-Mili_89-287
|
775 |
+
cefc-tcof-Mili_89-299
|
776 |
+
cefc-tcof-Mili_89-356
|
777 |
+
cefc-tcof-Mili_89-470
|
778 |
+
cefc-tcof-Mili_89-498
|
779 |
+
cefc-tcof-Mili_89-99
|
780 |
+
cefc-tcof-Moz_car_sd-10
|
781 |
+
cefc-tcof-Moz_car_sd-129
|
782 |
+
cefc-tcof-Moz_car_sd-132
|
783 |
+
cefc-tcof-Moz_car_sd-27
|
784 |
+
cefc-tcof-Moz_car_sd-34
|
785 |
+
cefc-tcof-Moz_car_sd-53
|
786 |
+
cefc-tcof-Moz_car_sd-8
|
787 |
+
cefc-tcof-Moz_car_sd-82
|
788 |
+
cefc-tcof-Moz_car_sd-96
|
789 |
+
cefc-tcof-Msf_blan_06-12
|
790 |
+
cefc-tcof-Msf_blan_06-167
|
791 |
+
cefc-tcof-Msf_blan_06-25
|
792 |
+
cefc-tcof-Msf_blan_06-31
|
793 |
+
cefc-tcof-Msf_blan_06-43
|
794 |
+
cefc-tcof-Msf_blan_06-57
|
795 |
+
cefc-tcof-Msf_blan_06-93
|
796 |
+
cefc-tcof-Nat_hou_07-205
|
797 |
+
cefc-tcof-Nat_hou_07-243
|
798 |
+
cefc-tcof-Nat_hou_07-256
|
799 |
+
cefc-tcof-Nat_hou_07-266
|
800 |
+
cefc-tcof-Nat_hou_07-89
|
801 |
+
cefc-tcof-Nat_hou_07-98
|
802 |
+
cefc-tcof-Pap_pet_thi_reu-103
|
803 |
+
cefc-tcof-Pap_pet_thi_reu-107
|
804 |
+
cefc-tcof-Pap_pet_thi_reu-158
|
805 |
+
cefc-tcof-Pap_pet_thi_reu-196
|
806 |
+
cefc-tcof-Pap_pet_thi_reu-20
|
807 |
+
cefc-tcof-Pap_pet_thi_reu-245
|
808 |
+
cefc-tcof-Pap_pet_thi_reu-25
|
809 |
+
cefc-tcof-Pap_pet_thi_reu-263
|
810 |
+
cefc-tcof-Pap_pet_thi_reu-30
|
811 |
+
cefc-tcof-Pap_pet_thi_reu-318
|
812 |
+
cefc-tcof-Pap_pet_thi_reu-355
|
813 |
+
cefc-tcof-Pap_pet_thi_reu-382
|
814 |
+
cefc-tcof-Pap_pet_thi_reu-39
|
815 |
+
cefc-tcof-Pap_pet_thi_reu-449
|
816 |
+
cefc-tcof-Pap_pet_thi_reu-474
|
817 |
+
cefc-tcof-Pap_pet_thi_reu-59
|
818 |
+
cefc-tcof-Pap_pet_thi_reu-61
|
819 |
+
cefc-tcof-Pap_pet_thi_reu-93
|
820 |
+
cefc-tcof-Paralysie-100
|
821 |
+
cefc-tcof-Paralysie-138
|
822 |
+
cefc-tcof-Paralysie-219
|
823 |
+
cefc-tcof-Paralysie-234
|
824 |
+
cefc-tcof-Paralysie-28
|
825 |
+
cefc-tcof-Paralysie-38
|
826 |
+
cefc-tcof-Paralysie-8
|
827 |
+
cefc-tcof-Pedi_gra_06-129
|
828 |
+
cefc-tcof-Pedi_gra_06-179
|
829 |
+
cefc-tcof-Pediatrie_lam_08-308
|
830 |
+
cefc-tcof-Pediatrie_lam_08-447
|
831 |
+
cefc-tcof-Pediatrie_lam_08-473
|
832 |
+
cefc-tcof-Pediatrie_lam_08-475_1
|
833 |
+
cefc-tcof-Pediatrie_lam_08-482
|
834 |
+
cefc-tcof-Pediatrie_lam_08-495
|
835 |
+
cefc-tcof-Pediatrie_lam_08-50
|
836 |
+
cefc-tcof-Pediatrie_lam_08-514
|
837 |
+
cefc-tcof-Pediatrie_lam_08-515
|
838 |
+
cefc-tcof-Plaid_haut_07-123
|
839 |
+
cefc-tcof-Plaid_haut_07-152
|
840 |
+
cefc-tcof-Plaid_haut_07-22
|
841 |
+
cefc-tcof-Plaid_haut_07-7
|
842 |
+
cefc-tcof-Plaid_haut_07-97
|
843 |
+
cefc-tcof-Pom_tho_08-20
|
844 |
+
cefc-tcof-Pom_tho_08-26
|
845 |
+
cefc-tcof-Pom_tho_08-57
|
846 |
+
cefc-tcof-Pom_tho_08-69
|
847 |
+
cefc-tcof-Pom_tho_08-81
|
848 |
+
cefc-tcof-Pomp_prov_sd-131
|
849 |
+
cefc-tcof-Pomp_prov_sd-136
|
850 |
+
cefc-tcof-Pomp_prov_sd-142
|
851 |
+
cefc-tcof-Pomp_prov_sd-154
|
852 |
+
cefc-tcof-Pomp_prov_sd-166
|
853 |
+
cefc-tcof-Pomp_prov_sd-185
|
854 |
+
cefc-tcof-Pomp_prov_sd-194
|
855 |
+
cefc-tcof-Pomp_prov_sd-218
|
856 |
+
cefc-tcof-Pomp_prov_sd-263
|
857 |
+
cefc-tcof-Pomp_prov_sd-278
|
858 |
+
cefc-tcof-Pomp_prov_sd-362
|
859 |
+
cefc-tcof-Pomp_prov_sd-40
|
860 |
+
cefc-tcof-Pomp_prov_sd-444
|
861 |
+
cefc-tcof-Pomp_prov_sd-46
|
862 |
+
cefc-tcof-Pomp_prov_sd-502
|
863 |
+
cefc-tcof-Pomp_prov_sd-527
|
864 |
+
cefc-tcof-Pomp_prov_sd-531
|
865 |
+
cefc-tcof-Pomp_prov_sd-540
|
866 |
+
cefc-tcof-Pomp_prov_sd-541
|
867 |
+
cefc-tcof-Pomp_prov_sd-551
|
868 |
+
cefc-tcof-Pomp_prov_sd-574
|
869 |
+
cefc-tcof-Pomp_prov_sd-615
|
870 |
+
cefc-tcof-Pomp_prov_sd-616
|
871 |
+
cefc-tcof-Pomp_prov_sd-629
|
872 |
+
cefc-tcof-Pomp_prov_sd-667
|
873 |
+
cefc-tcof-Pomp_prov_sd-681
|
874 |
+
cefc-tcof-Pomp_prov_sd-753
|
875 |
+
cefc-tcof-Pomp_prov_sd-762
|
876 |
+
cefc-tcof-Pomp_prov_sd-867
|
877 |
+
cefc-tcof-Pomp_prov_sd-905
|
878 |
+
cefc-tcof-Pri_mam_06-37
|
879 |
+
cefc-tcof-Pri_mam_06-83
|
880 |
+
cefc-tcof-Prov_pin_89-1065
|
881 |
+
cefc-tcof-Prov_pin_89-11
|
882 |
+
cefc-tcof-Prov_pin_89-1163
|
883 |
+
cefc-tcof-Prov_pin_89-1165
|
884 |
+
cefc-tcof-Prov_pin_89-1191
|
885 |
+
cefc-tcof-Prov_pin_89-121
|
886 |
+
cefc-tcof-Prov_pin_89-1236
|
887 |
+
cefc-tcof-Prov_pin_89-1255
|
888 |
+
cefc-tcof-Prov_pin_89-126
|
889 |
+
cefc-tcof-Prov_pin_89-1281
|
890 |
+
cefc-tcof-Prov_pin_89-1324
|
891 |
+
cefc-tcof-Prov_pin_89-1346
|
892 |
+
cefc-tcof-Prov_pin_89-1389
|
893 |
+
cefc-tcof-Prov_pin_89-1439
|
894 |
+
cefc-tcof-Prov_pin_89-144
|
895 |
+
cefc-tcof-Prov_pin_89-1493
|
896 |
+
cefc-tcof-Prov_pin_89-1520
|
897 |
+
cefc-tcof-Prov_pin_89-1681
|
898 |
+
cefc-tcof-Prov_pin_89-1705
|
899 |
+
cefc-tcof-Prov_pin_89-1708
|
900 |
+
cefc-tcof-Prov_pin_89-1723
|
901 |
+
cefc-tcof-Prov_pin_89-1803
|
902 |
+
cefc-tcof-Prov_pin_89-1805
|
903 |
+
cefc-tcof-Prov_pin_89-1820
|
904 |
+
cefc-tcof-Prov_pin_89-1828
|
905 |
+
cefc-tcof-Prov_pin_89-186
|
906 |
+
cefc-tcof-Prov_pin_89-208
|
907 |
+
cefc-tcof-Prov_pin_89-260
|
908 |
+
cefc-tcof-Prov_pin_89-292
|
909 |
+
cefc-tcof-Prov_pin_89-365
|
910 |
+
cefc-tcof-Prov_pin_89-510
|
911 |
+
cefc-tcof-Prov_pin_89-518
|
912 |
+
cefc-tcof-Prov_pin_89-551
|
913 |
+
cefc-tcof-Prov_pin_89-561
|
914 |
+
cefc-tcof-Prov_pin_89-562
|
915 |
+
cefc-tcof-Prov_pin_89-590
|
916 |
+
cefc-tcof-Prov_pin_89-706
|
917 |
+
cefc-tcof-Prov_pin_89-803
|
918 |
+
cefc-tcof-Prov_pin_89-883
|
919 |
+
cefc-tcof-Prov_pin_89-892
|
920 |
+
cefc-tcof-Quen_quen_sd-124
|
921 |
+
cefc-tcof-Quen_quen_sd-125
|
922 |
+
cefc-tcof-Quen_quen_sd-134
|
923 |
+
cefc-tcof-Quen_quen_sd-68
|
924 |
+
cefc-tcof-Quen_quen_sd-69
|
925 |
+
cefc-tcof-Rae_ash_sd-117
|
926 |
+
cefc-tcof-Rae_ash_sd-118
|
927 |
+
cefc-tcof-Rae_ash_sd-12
|
928 |
+
cefc-tcof-Rae_ash_sd-144
|
929 |
+
cefc-tcof-Rae_ash_sd-172
|
930 |
+
cefc-tcof-Rae_ash_sd-199
|
931 |
+
cefc-tcof-Rae_ash_sd-22
|
932 |
+
cefc-tcof-Rae_ash_sd-228
|
933 |
+
cefc-tcof-Rae_ash_sd-51
|
934 |
+
cefc-tcof-Rae_ash_sd-64
|
935 |
+
cefc-tcof-Rae_ash_sd-82
|
936 |
+
cefc-tcof-Rae_ash_sd-85
|
937 |
+
cefc-tcof-Reunion_hen_09-10
|
938 |
+
cefc-tcof-Reunion_hen_09-112
|
939 |
+
cefc-tcof-Reunion_hen_09-136
|
940 |
+
cefc-tcof-Reunion_hen_09-157
|
941 |
+
cefc-tcof-Reunion_hen_09-165
|
942 |
+
cefc-tcof-Reunion_hen_09-19
|
943 |
+
cefc-tcof-Reunion_hen_09-190
|
944 |
+
cefc-tcof-Reunion_hen_09-191
|
945 |
+
cefc-tcof-Reunion_hen_09-261
|
946 |
+
cefc-tcof-Reunion_hen_09-270
|
947 |
+
cefc-tcof-Reunion_hen_09-279
|
948 |
+
cefc-tcof-Reunion_hen_09-286
|
949 |
+
cefc-tcof-Reunion_hen_09-304
|
950 |
+
cefc-tcof-Reunion_hen_09-327
|
951 |
+
cefc-tcof-Reunion_hen_09-371
|
952 |
+
cefc-tcof-Reunion_hen_09-444
|
953 |
+
cefc-tcof-Reunion_jan_09-212
|
954 |
+
cefc-tcof-Reunion_jan_09-217
|
955 |
+
cefc-tcof-Reunion_jan_09-344
|
956 |
+
cefc-tcof-Reunion_jan_09-387
|
957 |
+
cefc-tcof-Reunion_jan_09-425
|
958 |
+
cefc-tcof-Reunion_jan_09-439
|
959 |
+
cefc-tcof-Reunion_jan_09-448
|
960 |
+
cefc-tcof-Reunion_jan_09-515
|
961 |
+
cefc-tcof-Reunion_jan_09-519
|
962 |
+
cefc-tcof-Reunion_jan_09-521
|
963 |
+
cefc-tcof-Reunion_jan_09-67
|
964 |
+
cefc-tcof-Reunion_luc_08-152
|
965 |
+
cefc-tcof-Reunion_luc_08-161
|
966 |
+
cefc-tcof-Reunion_luc_08-169
|
967 |
+
cefc-tcof-Reunion_luc_08-26
|
968 |
+
cefc-tcof-Reunion_luc_08-312
|
969 |
+
cefc-tcof-Reunion_luc_08-328
|
970 |
+
cefc-tcof-Reunion_luc_08-370
|
971 |
+
cefc-tcof-Reunion_luc_08-373
|
972 |
+
cefc-tcof-Reunion_luc_08-86
|
973 |
+
cefc-tcof-Reunionpp_aar_08-2
|
974 |
+
cefc-tcof-Reunionpp_aar_08-210
|
975 |
+
cefc-tcof-Reunionpp_aar_08-217
|
976 |
+
cefc-tcof-Reunionpp_aar_08-232
|
977 |
+
cefc-tcof-Reunionpp_aar_08-242
|
978 |
+
cefc-tcof-Reunionpp_aar_08-275
|
979 |
+
cefc-tcof-Reunionpp_aar_08-295
|
980 |
+
cefc-tcof-Reunionpp_aar_08-300
|
981 |
+
cefc-tcof-Reunionpp_aar_08-34
|
982 |
+
cefc-tcof-Reunionpp_aar_08-349
|
983 |
+
cefc-tcof-Reunionpp_aar_08-353
|
984 |
+
cefc-tcof-Reunionpp_aar_08-360
|
985 |
+
cefc-tcof-Reunionpp_aar_08-400
|
986 |
+
cefc-tcof-Reunionpp_aar_08-429
|
987 |
+
cefc-tcof-Reunionpp_aar_08-441
|
988 |
+
cefc-tcof-See_reu_mat_08-102
|
989 |
+
cefc-tcof-See_reu_mat_08-114
|
990 |
+
cefc-tcof-See_reu_mat_08-132
|
991 |
+
cefc-tcof-See_reu_mat_08-161
|
992 |
+
cefc-tcof-See_reu_mat_08-327
|
993 |
+
cefc-tcof-See_reu_mat_08-361
|
994 |
+
cefc-tcof-See_reu_mat_08-375_2
|
995 |
+
cefc-tcof-See_reu_mat_08-385
|
996 |
+
cefc-tcof-See_reu_mat_08-398
|
997 |
+
cefc-tcof-See_reu_mat_08-496
|
998 |
+
cefc-tcof-See_reu_mat_08-497
|
999 |
+
cefc-tcof-See_reu_mat_08-50
|
1000 |
+
cefc-tcof-See_reu_mat_08-596
|
1001 |
+
cefc-tcof-See_reu_mat_08-632
|
1002 |
+
cefc-tcof-See_reu_mat_08-645_2
|
1003 |
+
cefc-tcof-See_reu_mat_08-649
|
1004 |
+
cefc-tcof-See_reu_mat_08-669
|
1005 |
+
cefc-tcof-Sousse_bur-1
|
1006 |
+
cefc-tcof-Sousse_bur-10
|
1007 |
+
cefc-tcof-Sousse_bur-119
|
1008 |
+
cefc-tcof-Sousse_bur-132
|
1009 |
+
cefc-tcof-Sousse_bur-140
|
1010 |
+
cefc-tcof-Sousse_bur-156
|
1011 |
+
cefc-tcof-Sousse_bur-178
|
1012 |
+
cefc-tcof-Sousse_bur-229
|
1013 |
+
cefc-tcof-Sousse_bur-294
|
1014 |
+
cefc-tcof-Sousse_bur-300
|
1015 |
+
cefc-tcof-Sousse_bur-323
|
1016 |
+
cefc-tcof-Sousse_bur-339
|
1017 |
+
cefc-tcof-Sousse_bur-342
|
1018 |
+
cefc-tcof-Sousse_bur-368
|
1019 |
+
cefc-tcof-Sousse_bur-407
|
1020 |
+
cefc-tcof-Sousse_bur-452
|
1021 |
+
cefc-tcof-Sousse_bur-500
|
1022 |
+
cefc-tcof-Sousse_bur-547
|
1023 |
+
cefc-tcof-Sousse_bur-56
|
1024 |
+
cefc-tcof-Sousse_bur-57
|
1025 |
+
cefc-tcof-Sousse_bur-64
|
1026 |
+
cefc-tcof-Sousse_bur-677
|
1027 |
+
cefc-tcof-Stag_bad_08-103
|
1028 |
+
cefc-tcof-Stag_bad_08-128
|
1029 |
+
cefc-tcof-Stag_bad_08-13
|
1030 |
+
cefc-tcof-Stag_bad_08-27
|
1031 |
+
cefc-tcof-Stag_bad_08-46
|
1032 |
+
cefc-tcof-Stag_bad_08-59
|
1033 |
+
cefc-tcof-Stag_bad_08-80
|
1034 |
+
cefc-tcof-Tel_maz_07-15
|
1035 |
+
cefc-tcof-Tel_maz_07-68
|
1036 |
+
cefc-tcof-Tel_maz_07-91
|
1037 |
+
cefc-tcof-Tromboniste-130
|
1038 |
+
cefc-tcof-Tromboniste-132
|
1039 |
+
cefc-tcof-Tromboniste-173
|
1040 |
+
cefc-tcof-Tromboniste-264
|
1041 |
+
cefc-tcof-Tromboniste-284
|
1042 |
+
cefc-tcof-Tromboniste-287
|
1043 |
+
cefc-tcof-Tromboniste-35
|
1044 |
+
cefc-tcof-Tromboniste-55
|
1045 |
+
cefc-tcof-Tromboniste-70
|
1046 |
+
cefc-tcof-Tromboniste-98
|
1047 |
+
cefc-tcof-Tscha_cha_reu_ass_08-11
|
1048 |
+
cefc-tcof-Tscha_cha_reu_ass_08-134
|
1049 |
+
cefc-tcof-Tscha_cha_reu_ass_08-138
|
1050 |
+
cefc-tcof-Tscha_cha_reu_ass_08-149
|
1051 |
+
cefc-tcof-Tscha_cha_reu_ass_08-150
|
1052 |
+
cefc-tcof-Tscha_cha_reu_ass_08-154
|
1053 |
+
cefc-tcof-Tscha_cha_reu_ass_08-162_2
|
1054 |
+
cefc-tcof-Tscha_cha_reu_ass_08-202
|
1055 |
+
cefc-tcof-Tscha_cha_reu_ass_08-23
|
1056 |
+
cefc-tcof-Tscha_cha_reu_ass_08-232
|
1057 |
+
cefc-tcof-Tscha_cha_reu_ass_08-239
|
1058 |
+
cefc-tcof-Tscha_cha_reu_ass_08-332
|
1059 |
+
cefc-tcof-Tscha_cha_reu_ass_08-336
|
1060 |
+
cefc-tcof-Tscha_cha_reu_ass_08-375
|
1061 |
+
cefc-tcof-Tscha_cha_reu_ass_08-401
|
1062 |
+
cefc-tcof-Tscha_cha_reu_ass_08-420
|
1063 |
+
cefc-tcof-Tscha_cha_reu_ass_08-444
|
1064 |
+
cefc-tcof-Tscha_cha_reu_ass_08-47
|
1065 |
+
cefc-tcof-Tscha_cha_reu_ass_08-470
|
1066 |
+
cefc-tcof-Tscha_cha_reu_ass_08-488
|
1067 |
+
cefc-tcof-Tscha_cha_reu_ass_08-535
|
1068 |
+
cefc-tcof-Tscha_cha_reu_ass_08-620_2
|
1069 |
+
cefc-tcof-Tscha_cha_reu_ass_08-68
|
1070 |
+
cefc-tcof-Tscha_cha_reu_ass_08-76
|
1071 |
+
cefc-tcof-Tscha_cha_reu_ass_08-9
|
1072 |
+
cefc-tcof-Tunisie_mun_08-108
|
1073 |
+
cefc-tcof-Tunisie_mun_08-15
|
1074 |
+
cefc-tcof-Tunisie_mun_08-247
|
1075 |
+
cefc-tcof-Tunisie_mun_08-338
|
1076 |
+
cefc-tcof-Tunisie_mun_08-358
|
1077 |
+
cefc-tcof-Tunisie_mun_08-454
|
1078 |
+
cefc-tcof-Tunisie_mun_08-516
|
1079 |
+
cefc-tcof-Tunisie_mun_08-619_1
|
1080 |
+
cefc-tcof-Tunisie_mun_08-62
|
1081 |
+
cefc-tcof-Tunisie_mun_08-70
|
1082 |
+
cefc-tcof-Vin_car_07-3
|
1083 |
+
cefc-tcof-Vin_car_07-40
|
1084 |
+
cefc-tcof-Vin_car_07-59
|
1085 |
+
cefc-tcof-Vin_car_07-76
|
1086 |
+
cefc-tcof-Vin_car_07-87
|
1087 |
+
cefc-tcof-Vin_car_07-90
|
1088 |
+
cefc-tcof-Vin_car_07-93
|
1089 |
+
cefc-tcof-Voyages_ric_06-117
|
1090 |
+
cefc-tcof-Voyages_ric_06-232
|
1091 |
+
cefc-tcof-Voyages_ric_06-242
|
1092 |
+
cefc-tcof-Voyages_ric_06-266
|
1093 |
+
cefc-tcof-Voyages_ric_06-277
|
1094 |
+
cefc-tcof-Voyages_ric_06-28
|
1095 |
+
cefc-tcof-Voyages_ric_06-29
|
1096 |
+
cefc-tcof-Voyages_ric_06-72
|
1097 |
+
cefc-tcof-Voyages_ric_06-97
|
1098 |
+
cefc-tcof-anniversaire-103
|
1099 |
+
cefc-tcof-anniversaire-114
|
1100 |
+
cefc-tcof-anniversaire-4
|
1101 |
+
cefc-tcof-anniversaire-49
|
1102 |
+
cefc-tcof-appartement_F3-45
|
1103 |
+
cefc-tcof-appartement_F3-80
|
1104 |
+
cefc-tcof-apres_chasse-108
|
1105 |
+
cefc-tcof-apres_chasse-126
|
1106 |
+
cefc-tcof-apres_chasse-212
|
1107 |
+
cefc-tcof-apres_chasse-26
|
1108 |
+
cefc-tcof-art_therapie-119
|
1109 |
+
cefc-tcof-art_therapie-176
|
1110 |
+
cefc-tcof-art_therapie-207
|
1111 |
+
cefc-tcof-art_therapie-230
|
1112 |
+
cefc-tcof-art_therapie-26
|
1113 |
+
cefc-tcof-art_therapie-31
|
1114 |
+
cefc-tcof-art_therapie-43
|
1115 |
+
cefc-tcof-art_therapie-79
|
1116 |
+
cefc-tcof-art_therapie-82
|
1117 |
+
cefc-tcof-art_therapie-84
|
1118 |
+
cefc-tcof-basket-112
|
1119 |
+
cefc-tcof-basket-115_2
|
1120 |
+
cefc-tcof-basket-124
|
1121 |
+
cefc-tcof-basket-46
|
1122 |
+
cefc-tcof-basket-58
|
1123 |
+
cefc-tcof-basket-90
|
1124 |
+
cefc-tcof-basket-98
|
1125 |
+
cefc-tcof-basket-99
|
1126 |
+
cefc-tcof-chocolats-18
|
1127 |
+
cefc-tcof-chocolats-37
|
1128 |
+
cefc-tcof-chocolats-69
|
1129 |
+
cefc-tcof-chocolats-72
|
1130 |
+
cefc-tcof-chocolats-79
|
1131 |
+
cefc-tcof-colocataires-13
|
1132 |
+
cefc-tcof-colocataires-167
|
1133 |
+
cefc-tcof-colocataires-177
|
1134 |
+
cefc-tcof-colocataires-25
|
1135 |
+
cefc-tcof-colocataires-26
|
1136 |
+
cefc-tcof-colocataires-44
|
1137 |
+
cefc-tcof-colocataires-63
|
1138 |
+
cefc-tcof-concert_Indochine-13
|
1139 |
+
cefc-tcof-concert_Indochine-158
|
1140 |
+
cefc-tcof-concert_Indochine-214
|
1141 |
+
cefc-tcof-concert_Indochine-235
|
1142 |
+
cefc-tcof-concert_Indochine-258
|
1143 |
+
cefc-tcof-concert_Indochine-44
|
1144 |
+
cefc-tcof-concert_Indochine-49
|
1145 |
+
cefc-tcof-concert_Indochine-50
|
1146 |
+
cefc-tcof-concert_Indochine-82
|
1147 |
+
cefc-tcof-concert_Indochine-93
|
1148 | <