= commited on
Commit
99daaed
·
1 Parent(s): 666e874

adding sentences

Browse files
app.py CHANGED
@@ -6,202 +6,202 @@ import torch
6
  import os
7
 
8
 
9
- # Let us define the main page
10
  st.markdown("Translation page 🔠")
11
 
12
- # Dropdown for the translation type
13
- translation_type = st.sidebar.selectbox("Translation Type", options=["French ➡️ Wolof", "Wolof ➡️ French"])
14
 
15
- # define a dictionary of versions
16
- models = {
17
- "Version ✌️": {
18
- "French ➡️ Wolof": {
19
- "checkpoints": "wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_fw_v4",
20
- "tokenizer": "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v4.json",
21
- "max_len": None
22
- }
23
- },
24
- "Version ☝️": {
25
- "French ➡️ Wolof": {
26
- "checkpoints": "wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_fw_v3",
27
- "tokenizer": "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v3.json",
28
- "max_len": 51
29
- },
30
- "Wolof ➡️ French": {
31
- "checkpoints": "wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_wf_v3",
32
- "tokenizer": "wolof-translate/wolof_translate/trokenizers/t5_tokenizers/tokenizer_v3.json",
33
- "max_len": 51
34
- }
35
- }
36
- }
37
 
38
- # add special characters from Wolof
39
- sp_wolof_chars = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/wolof_special_chars.csv')
40
 
41
- # add definitions
42
- sp_wolof_words = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/definitions.csv')
43
 
44
- # let us add a callback functions to change the input text
45
- def add_symbol_to_text():
46
 
47
- st.session_state.input_text += st.session_state.symbol
48
 
49
- def add_word_to_text():
50
 
51
- word = st.session_state.word.split('/')[0].strip()
52
 
53
- st.session_state.input_text += word
54
 
55
- # Dropdown for introducing wolof special characters
56
- if translation_type == "Wolof ➡️ French":
57
 
58
- symbol = st.sidebar.selectbox("Wolof characters", key="symbol", options = sp_wolof_chars['wolof_special_chars'], on_change=add_symbol_to_text)
59
 
60
- word = st.sidebar.selectbox("Wolof words/Definitions", key="word", options = [sp_wolof_words.loc[i, 'wolof']+" / "+sp_wolof_words.loc[i, 'french'] for i in range(sp_wolof_words.shape[0])], on_change=add_word_to_text)
61
 
62
- # Dropdown for the model version
63
- version = st.sidebar.selectbox("Model version", options=["Version ☝️", "Version ✌️"])
64
 
65
- # Recuperate the number of sentences to provide
66
- temperature = st.sidebar.slider("How randomly need you the translated sentences to be from 0% to 100%", min_value = 0,
67
- max_value = 100)
68
 
69
 
70
- # make the process
71
- try:
72
 
73
- # recuperate the max length
74
- max_len = models[version][translation_type]['max_len']
75
 
76
- # let us get the best model
77
- @st.cache_resource
78
- def get_modelfw_v3():
79
 
80
- # recuperate checkpoints
81
- checkpoints = torch.load(os.path.join('wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_fw_v3', "best_checkpoints.pth"), map_location=torch.device('cpu'))
82
 
83
- # recuperate the tokenizer
84
- tokenizer_file = "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v3.json"
85
 
86
- # initialize the tokenizer
87
- tokenizer = T5TokenizerFast(tokenizer_file=tokenizer_file)
88
 
89
- model = T5ForConditionalGeneration.from_pretrained('t5-small')
90
 
91
- # resize the token embeddings
92
- model.resize_token_embeddings(len(tokenizer))
93
 
94
- model.load_state_dict(checkpoints['model_state_dict'])
95
 
96
- return model, tokenizer
97
 
98
- @st.cache_resource
99
- def get_modelwf_v3():
100
 
101
- # recuperate checkpoints
102
- checkpoints = torch.load(os.path.join('wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_wf_v3', "best_checkpoints.pth"), map_location=torch.device('cpu'))
103
 
104
- # recuperate the tokenizer
105
- tokenizer_file = "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v3.json"
106
 
107
- # initialize the tokenizer
108
- tokenizer = T5TokenizerFast(tokenizer_file=tokenizer_file)
109
 
110
- model = T5ForConditionalGeneration.from_pretrained('t5-small')
111
 
112
- # resize the token embeddings
113
- model.resize_token_embeddings(len(tokenizer))
114
 
115
- model.load_state_dict(checkpoints['model_state_dict'])
116
 
117
- return model, tokenizer
118
 
119
- if version == "Version ☝️":
120
 
121
- if translation_type == "French ➡️ Wolof":
122
 
123
- model, tokenizer = get_modelfw_v3()
124
 
125
- elif translation_type == "Wolof ➡️ French":
126
 
127
- model, tokenizer = get_modelwf_v3()
128
 
129
- # set the model to eval mode
130
- _ = model.eval()
131
 
132
- language = "Wolof" if translation_type == "French ➡️ Wolof" else "French"
133
 
134
- # Add a title
135
- st.header(f"Translate French sentences to {language} 👌")
136
 
137
- # Recuperate two columns
138
- left, right = st.columns(2)
139
 
140
- if translation_type == "French ➡️ Wolof":
141
 
142
- # recuperate sentences
143
- left.subheader('Give me some sentences in French: ')
144
 
145
- else:
146
 
147
- # recuperate sentences
148
- left.subheader('Give me some sentences in Wolof: ')
149
 
150
- # for i in range(number):
151
 
152
- left.text_input(f"- Sentence", key = f"input_text")
153
 
154
- # run model inference on all test data
155
- original_translations, predicted_translations, original_texts, scores = [], [], [], {}
156
 
157
- if translation_type == "French ➡️ Wolof":
158
 
159
- # print a sentence recuperated from the session
160
- right.subheader("Translation to Wolof:")
161
 
162
- else:
163
 
164
- # print a sentence recuperated from the session
165
- right.subheader("Translation to French:")
166
 
167
- # for i in range(number):
168
 
169
- sentence = st.session_state[f"input_text"] + tokenizer.eos_token
170
 
171
- if not sentence == tokenizer.eos_token:
172
 
173
- # Let us encode the sentences
174
- encoding = tokenizer([sentence], return_tensors='pt', max_length=max_len, padding='max_length', truncation=True)
175
 
176
- # Let us recuperate the input ids
177
- input_ids = encoding.input_ids
178
 
179
- # Let us recuperate the mask
180
- mask = encoding.attention_mask
181
 
182
- # Let us recuperate the pad token id
183
- pad_token_id = tokenizer.pad_token_id
184
 
185
- # perform prediction
186
- predictions = model.generate(input_ids, do_sample = False, top_k = 50, max_length = max_len, top_p = 0.90,
187
- temperature = temperature/100, num_return_sequences = 0, attention_mask = mask, pad_token_id = pad_token_id)
188
 
189
- # decode the predictions
190
- predicted_sentence = tokenizer.batch_decode(predictions, skip_special_tokens = True)
191
 
192
- # provide the prediction
193
- right.write(f"Translation: {predicted_sentence[0]}")
194
 
195
- else:
196
 
197
- # provide the prediction
198
- right.write(f"Translation: ")
199
 
200
- except Exception as e:
201
 
202
- st.warning("The chosen model is not available yet !", icon = "⚠️")
203
 
204
- st.write(e)
205
 
206
 
207
 
 
6
  import os
7
 
8
 
9
+ # # Let us define the main page
10
  st.markdown("Translation page 🔠")
11
 
12
+ # # Dropdown for the translation type
13
+ # translation_type = st.sidebar.selectbox("Translation Type", options=["French ➡️ Wolof", "Wolof ➡️ French"])
14
 
15
+ # # define a dictionary of versions
16
+ # models = {
17
+ # "Version ✌️": {
18
+ # "French ➡️ Wolof": {
19
+ # "checkpoints": "wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_fw_v4",
20
+ # "tokenizer": "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v4.json",
21
+ # "max_len": None
22
+ # }
23
+ # },
24
+ # "Version ☝️": {
25
+ # "French ➡️ Wolof": {
26
+ # "checkpoints": "wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_fw_v3",
27
+ # "tokenizer": "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v3.json",
28
+ # "max_len": 51
29
+ # },
30
+ # "Wolof ➡️ French": {
31
+ # "checkpoints": "wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_wf_v3",
32
+ # "tokenizer": "wolof-translate/wolof_translate/trokenizers/t5_tokenizers/tokenizer_v3.json",
33
+ # "max_len": 51
34
+ # }
35
+ # }
36
+ # }
37
 
38
+ # # add special characters from Wolof
39
+ # sp_wolof_chars = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/wolof_special_chars.csv')
40
 
41
+ # # add definitions
42
+ # sp_wolof_words = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/definitions.csv')
43
 
44
+ # # let us add a callback functions to change the input text
45
+ # def add_symbol_to_text():
46
 
47
+ # st.session_state.input_text += st.session_state.symbol
48
 
49
+ # def add_word_to_text():
50
 
51
+ # word = st.session_state.word.split('/')[0].strip()
52
 
53
+ # st.session_state.input_text += word
54
 
55
+ # # Dropdown for introducing wolof special characters
56
+ # if translation_type == "Wolof ➡️ French":
57
 
58
+ # symbol = st.sidebar.selectbox("Wolof characters", key="symbol", options = sp_wolof_chars['wolof_special_chars'], on_change=add_symbol_to_text)
59
 
60
+ # word = st.sidebar.selectbox("Wolof words/Definitions", key="word", options = [sp_wolof_words.loc[i, 'wolof']+" / "+sp_wolof_words.loc[i, 'french'] for i in range(sp_wolof_words.shape[0])], on_change=add_word_to_text)
61
 
62
+ # # Dropdown for the model version
63
+ # version = st.sidebar.selectbox("Model version", options=["Version ☝️", "Version ✌️"])
64
 
65
+ # # Recuperate the number of sentences to provide
66
+ # temperature = st.sidebar.slider("How randomly need you the translated sentences to be from 0% to 100%", min_value = 0,
67
+ # max_value = 100)
68
 
69
 
70
+ # # make the process
71
+ # try:
72
 
73
+ # # recuperate the max length
74
+ # max_len = models[version][translation_type]['max_len']
75
 
76
+ # # let us get the best model
77
+ # # @st.cache_resource
78
+ # def get_modelfw_v3():
79
 
80
+ # # recuperate checkpoints
81
+ # checkpoints = torch.load(os.path.join('wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_fw_v3', "best_checkpoints.pth"), map_location=torch.device('cpu'))
82
 
83
+ # # recuperate the tokenizer
84
+ # tokenizer_file = "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v3.json"
85
 
86
+ # # initialize the tokenizer
87
+ # tokenizer = T5TokenizerFast(tokenizer_file=tokenizer_file)
88
 
89
+ # model = T5ForConditionalGeneration.from_pretrained('t5-small')
90
 
91
+ # # resize the token embeddings
92
+ # model.resize_token_embeddings(len(tokenizer))
93
 
94
+ # model.load_state_dict(checkpoints['model_state_dict'])
95
 
96
+ # return model, tokenizer
97
 
98
+ # # @st.cache_resource
99
+ # def get_modelwf_v3():
100
 
101
+ # # recuperate checkpoints
102
+ # checkpoints = torch.load(os.path.join('wolof-translate/wolof_translate/checkpoints/t5_small_custom_train_results_wf_v3', "best_checkpoints.pth"), map_location=torch.device('cpu'))
103
 
104
+ # # recuperate the tokenizer
105
+ # tokenizer_file = "wolof-translate/wolof_translate/tokenizers/t5_tokenizers/tokenizer_v3.json"
106
 
107
+ # # initialize the tokenizer
108
+ # tokenizer = T5TokenizerFast(tokenizer_file=tokenizer_file)
109
 
110
+ # model = T5ForConditionalGeneration.from_pretrained('t5-small')
111
 
112
+ # # resize the token embeddings
113
+ # model.resize_token_embeddings(len(tokenizer))
114
 
115
+ # model.load_state_dict(checkpoints['model_state_dict'])
116
 
117
+ # return model, tokenizer
118
 
119
+ # if version == "Version ☝️":
120
 
121
+ # if translation_type == "French ➡️ Wolof":
122
 
123
+ # model, tokenizer = get_modelfw_v3()
124
 
125
+ # elif translation_type == "Wolof ➡️ French":
126
 
127
+ # model, tokenizer = get_modelwf_v3()
128
 
129
+ # # set the model to eval mode
130
+ # _ = model.eval()
131
 
132
+ # language = "Wolof" if translation_type == "French ➡️ Wolof" else "French"
133
 
134
+ # # Add a title
135
+ # st.header(f"Translate French sentences to {language} 👌")
136
 
137
+ # # Recuperate two columns
138
+ # left, right = st.columns(2)
139
 
140
+ # if translation_type == "French ➡️ Wolof":
141
 
142
+ # # recuperate sentences
143
+ # left.subheader('Give me some sentences in French: ')
144
 
145
+ # else:
146
 
147
+ # # recuperate sentences
148
+ # left.subheader('Give me some sentences in Wolof: ')
149
 
150
+ # # for i in range(number):
151
 
152
+ # left.text_input(f"- Sentence", key = f"input_text")
153
 
154
+ # # run model inference on all test data
155
+ # original_translations, predicted_translations, original_texts, scores = [], [], [], {}
156
 
157
+ # if translation_type == "French ➡️ Wolof":
158
 
159
+ # # print a sentence recuperated from the session
160
+ # right.subheader("Translation to Wolof:")
161
 
162
+ # else:
163
 
164
+ # # print a sentence recuperated from the session
165
+ # right.subheader("Translation to French:")
166
 
167
+ # # for i in range(number):
168
 
169
+ # sentence = st.session_state[f"input_text"] + tokenizer.eos_token
170
 
171
+ # if not sentence == tokenizer.eos_token:
172
 
173
+ # # Let us encode the sentences
174
+ # encoding = tokenizer([sentence], return_tensors='pt', max_length=max_len, padding='max_length', truncation=True)
175
 
176
+ # # Let us recuperate the input ids
177
+ # input_ids = encoding.input_ids
178
 
179
+ # # Let us recuperate the mask
180
+ # mask = encoding.attention_mask
181
 
182
+ # # Let us recuperate the pad token id
183
+ # pad_token_id = tokenizer.pad_token_id
184
 
185
+ # # perform prediction
186
+ # predictions = model.generate(input_ids, do_sample = False, top_k = 50, max_length = max_len, top_p = 0.90,
187
+ # temperature = temperature/100, num_return_sequences = 0, attention_mask = mask, pad_token_id = pad_token_id)
188
 
189
+ # # decode the predictions
190
+ # predicted_sentence = tokenizer.batch_decode(predictions, skip_special_tokens = True)
191
 
192
+ # # provide the prediction
193
+ # right.write(f"Translation: {predicted_sentence[0]}")
194
 
195
+ # else:
196
 
197
+ # # provide the prediction
198
+ # right.write(f"Translation: ")
199
 
200
+ # except Exception as e:
201
 
202
+ # st.warning("The chosen model is not available yet !", icon = "⚠️")
203
 
204
+ # st.write(e)
205
 
206
 
207
 
pages/provide_sentences.py CHANGED
@@ -8,12 +8,19 @@ sentences_ = pd.read_csv('wolof-translate/wolof_translate/data/sentences/wolof_f
8
 
9
  sentences = sentences_.copy()
10
 
 
 
 
 
 
11
  # add special characters from Wolof
12
  sp_wolof_chars = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/wolof_special_chars.csv')
13
 
14
  # add definitions
15
  sp_wolof_words = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/definitions.csv')
16
 
 
 
17
  # initialize the input texts
18
  st.title("Provide sentences below ⤵️")
19
 
@@ -22,16 +29,22 @@ st.markdown("""---""")
22
  # create three columns
23
  left, right = st.columns(2)
24
 
25
- left.header("French")
26
- left.text_input(sentences.columns.tolist()[0], key = "left_sentence")
27
-
28
- right.header("Wolof")
29
- right.text_input(sentences.columns.tolist()[1], key = "right_sentence")
30
-
31
  # let us add a callback functions to change the input text
32
- def add_symbol_to_text():
 
 
 
 
 
 
 
 
 
 
 
 
33
 
34
- st.session_state.right_sentence += st.session_state.symbol
35
 
36
  def add_word_to_text():
37
 
@@ -39,6 +52,18 @@ def add_word_to_text():
39
 
40
  st.session_state.right_sentence += word
41
 
 
 
 
 
 
 
 
 
 
 
 
 
42
  # let us create a callback which permit us to add sentences inside a DataFrame
43
  def add_new_sentences():
44
 
@@ -48,6 +73,41 @@ def add_new_sentences():
48
 
49
  sentence_2 = st.session_state.right_sentence.strip()
50
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
51
  if sentence_1 == '' or sentence_2 == '':
52
 
53
  st.warning("You didn't provide a sentence ! Please provide before submitting.", icon= "🚨")
@@ -70,10 +130,17 @@ def add_new_sentences():
70
  sentences = pd.read_csv('wolof-translate/wolof_translate/data/sentences/wolof_french.csv')
71
 
72
  # clean the inputs' contents
 
 
 
 
 
 
 
73
 
74
  def delete_line():
75
 
76
- number = st.session_state.line
77
 
78
  if number > len(sentences) - 1:
79
 
@@ -100,29 +167,82 @@ def delete_line():
100
 
101
  deleted.to_csv('wolof-translate/wolof_translate/data/sentences/deleted_lines.csv', index=False)
102
 
103
- symbol = st.sidebar.selectbox("Wolof characters", key="symbol", options = sp_wolof_chars['wolof_special_chars'], on_change=add_symbol_to_text)
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
104
 
105
- word = st.sidebar.selectbox("Wolof words/Definitions", key="word", options = [sp_wolof_words.loc[i, 'wolof']+" / "+sp_wolof_words.loc[i, 'french'] for i in range(sp_wolof_words.shape[0])], on_change=add_word_to_text)
106
 
 
 
 
 
 
 
107
 
108
  # add a submit button to add new sentences
109
  st.button('Submit', 'submit_button', on_click=add_new_sentences)
 
110
 
111
  st.markdown("""---""")
112
 
113
- number = st.number_input("Provide line to delete", key="line", min_value=0)
 
114
 
115
  st.button("Delete", 'delete_button', on_click=delete_line)
116
 
117
- # add data frame
118
- st.dataframe(sentences, width=900)
119
 
 
120
 
 
 
121
 
122
-
123
-
124
-
125
-
126
-
127
-
128
 
 
8
 
9
  sentences = sentences_.copy()
10
 
11
+ # get french and wolof sentences
12
+ french_examples = pd.read_csv('wolof-translate/wolof_translate/data/sentences/french.csv')
13
+
14
+ wolof_examples = pd.read_csv('wolof-translate/wolof_translate/data/sentences/wolof.csv')
15
+
16
  # add special characters from Wolof
17
  sp_wolof_chars = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/wolof_special_chars.csv')
18
 
19
  # add definitions
20
  sp_wolof_words = pd.read_csv('wolof-translate/wolof_translate/data/wolof_writing/definitions.csv')
21
 
22
+ sp_wolof_words.sort_values(by = ['french', 'wolof'], inplace = True)
23
+
24
  # initialize the input texts
25
  st.title("Provide sentences below ⤵️")
26
 
 
29
  # create three columns
30
  left, right = st.columns(2)
31
 
 
 
 
 
 
 
32
  # let us add a callback functions to change the input text
33
+ def add_symbol_to_french():
34
+
35
+ st.session_state.left_sentence += st.session_state.fr_symbol
36
+
37
+ def add_symbol_to_wolof():
38
+
39
+ st.session_state.right_sentence += st.session_state.wf_symbol
40
+
41
+ def add_special_token_french():
42
+
43
+ st.session_state.left_sentence += '<mask>'
44
+
45
+ def add_special_token_wolof():
46
 
47
+ st.session_state.right_sentence += '<mask>'
48
 
49
  def add_word_to_text():
50
 
 
52
 
53
  st.session_state.right_sentence += word
54
 
55
+ def add_french_sentence_to_text():
56
+
57
+ sentence = st.session_state.french_sentence.strip()
58
+
59
+ st.session_state.left_sentence = sentence
60
+
61
+ def add_wolof_sentence_to_text():
62
+
63
+ sentence = st.session_state.wolof_sentence.strip()
64
+
65
+ st.session_state.right_sentence = sentence
66
+
67
  # let us create a callback which permit us to add sentences inside a DataFrame
68
  def add_new_sentences():
69
 
 
73
 
74
  sentence_2 = st.session_state.right_sentence.strip()
75
 
76
+ if sentence_1 == '' or sentence_2 == '':
77
+
78
+ st.warning("You didn't provide a sentence ! Please provide before submitting.", icon= "🚨")
79
+
80
+ else:
81
+
82
+ if not sentences.empty > 0:
83
+
84
+ sentences = pd.concat((sentences, pd.DataFrame({sentences.columns.tolist()[0]: [sentence_1],
85
+ sentences.columns.tolist()[1]: [sentence_2]})))
86
+
87
+ else:
88
+
89
+ sentences = pd.DataFrame({sentences.columns.tolist()[0]: [sentence_1],
90
+ sentences.columns.tolist()[1]: [sentence_2]})
91
+ ## save the result
92
+ sentences.to_csv('wolof-translate/wolof_translate/data/sentences/wolof_french.csv', index=False)
93
+
94
+ # recuperate the already saved sentences (for the moment french/wolof)
95
+ sentences = pd.read_csv('wolof-translate/wolof_translate/data/sentences/wolof_french.csv')
96
+
97
+ # add the last position to delete and modify
98
+ st.session_state.line1 = len(sentences) - 1
99
+
100
+ st.session_state.line2 = len(sentences) - 1
101
+
102
+ # let us create a callback which permit us to add sentences inside a DataFrame
103
+ def add_new_sentences2():
104
+
105
+ global sentences
106
+
107
+ sentence_1 = st.session_state.left_sentence.strip()
108
+
109
+ sentence_2 = st.session_state.right_sentence.strip()
110
+
111
  if sentence_1 == '' or sentence_2 == '':
112
 
113
  st.warning("You didn't provide a sentence ! Please provide before submitting.", icon= "🚨")
 
130
  sentences = pd.read_csv('wolof-translate/wolof_translate/data/sentences/wolof_french.csv')
131
 
132
  # clean the inputs' contents
133
+ st.session_state.left_sentence = ''
134
+ st.session_state.right_sentence = ''
135
+
136
+ # add the last position to delete and modify
137
+ st.session_state.line1 = len(sentences) - 1
138
+
139
+ st.session_state.line2 = len(sentences) - 1
140
 
141
  def delete_line():
142
 
143
+ number = st.session_state.line1
144
 
145
  if number > len(sentences) - 1:
146
 
 
167
 
168
  deleted.to_csv('wolof-translate/wolof_translate/data/sentences/deleted_lines.csv', index=False)
169
 
170
+ def modify_line():
171
+
172
+ number = st.session_state.line2
173
+
174
+ if number > len(sentences) - 1:
175
+
176
+ st.warning("The line that you provided does not exist !")
177
+
178
+ else:
179
+
180
+ modified = pd.read_csv('wolof-translate/wolof_translate/data/sentences/modified_lines.csv')
181
+
182
+ if not modified.empty:
183
+
184
+ modified = pd.concat((modified, pd.DataFrame({sentences.columns.tolist()[0]: [sentences.loc[number, sentences.columns.tolist()[0]]],
185
+ sentences.columns.tolist()[1]: sentences.loc[number, sentences.columns.tolist()[1]]})))
186
+
187
+ else:
188
+
189
+ modified = pd.DataFrame({sentences.columns.tolist()[0]: [sentences.loc[number, sentences.columns.tolist()[0]]],
190
+ sentences.columns.tolist()[1]: sentences.loc[number, sentences.columns.tolist()[1]]})
191
+
192
+ st.session_state.left_sentence = sentences.loc[number, sentences.columns.tolist()[0]]
193
+
194
+ st.session_state.right_sentence = sentences.loc[number, sentences.columns.tolist()[1]]
195
+
196
+ sentences.drop(index = number, inplace=True)
197
+
198
+ ## save the result
199
+ sentences.to_csv('wolof-translate/wolof_translate/data/sentences/wolof_french.csv', index=False)
200
+
201
+ modified.to_csv('wolof-translate/wolof_translate/data/sentences/deleted_lines.csv', index=False)
202
+
203
+
204
+ left.header("French")
205
+ left.text_area(sentences.columns.tolist()[0], key = "left_sentence")
206
+
207
+ right.header("Wolof")
208
+ right.text_area(sentences.columns.tolist()[1], key = "right_sentence")
209
+
210
+ fr_symbol = left.selectbox("French characters", key="fr_symbol", options = sp_wolof_chars['wolof_special_chars'])
211
+
212
+ wf_symbol = right.selectbox("Wolof characters", key="wf_symbol", options = sp_wolof_chars['wolof_special_chars'])
213
+
214
+ word = right.selectbox("Wolof words/Definitions", key="word", options = [sp_wolof_words.loc[i, 'wolof']+" / "+sp_wolof_words.loc[i, 'french'] for i in range(sp_wolof_words.shape[0])], on_change=add_word_to_text)
215
+
216
+ left.button("Add symbol", "add fr symbol", on_click=add_symbol_to_french)
217
+
218
+ left.button("Add mask", "french mask", on_click=add_special_token_french)
219
 
220
+ right.button("Add symbol", "add wf symbol", on_click=add_symbol_to_wolof)
221
 
222
+ right.button("Add mask", "wolof mask", on_click=add_special_token_wolof)
223
+
224
+ # add sentences at sidebar
225
+ st.sidebar.selectbox("French sentences", key="french_sentence", options = french_examples['sentences'], on_change=add_french_sentence_to_text)
226
+
227
+ st.sidebar.selectbox("Wolof sentences", key="wolof_sentence", options = wolof_examples['sentences'], on_change=add_wolof_sentence_to_text)
228
 
229
  # add a submit button to add new sentences
230
  st.button('Submit', 'submit_button', on_click=add_new_sentences)
231
+ st.button('Place', 'submit_button2', on_click=add_new_sentences2)
232
 
233
  st.markdown("""---""")
234
 
235
+ # add delete button
236
+ number = st.number_input("Provide line to delete", key="line1", min_value=0)
237
 
238
  st.button("Delete", 'delete_button', on_click=delete_line)
239
 
240
+ # add modify button
241
+ number = st.number_input("Provide line to modify", key="line2", min_value=0)
242
 
243
+ st.button("Modify", 'modify_button', on_click=modify_line)
244
 
245
+ # add data frame
246
+ st.dataframe(sentences, width=900)
247
 
 
 
 
 
 
 
248
 
recuperate_huggingface_data.ipynb ADDED
@@ -0,0 +1,178 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "cells": [
3
+ {
4
+ "attachments": {},
5
+ "cell_type": "markdown",
6
+ "metadata": {},
7
+ "source": [
8
+ "Recuperate sentences from HuggingFace\n",
9
+ "----------------------"
10
+ ]
11
+ },
12
+ {
13
+ "attachments": {},
14
+ "cell_type": "markdown",
15
+ "metadata": {},
16
+ "source": [
17
+ "- French sentences"
18
+ ]
19
+ },
20
+ {
21
+ "cell_type": "code",
22
+ "execution_count": 1,
23
+ "metadata": {},
24
+ "outputs": [],
25
+ "source": [
26
+ "import requests\n",
27
+ "import pandas as pd"
28
+ ]
29
+ },
30
+ {
31
+ "cell_type": "code",
32
+ "execution_count": 19,
33
+ "metadata": {},
34
+ "outputs": [],
35
+ "source": [
36
+ "curl = \"https://datasets-server.huggingface.co/rows?dataset=Harsit%2Fxnli2.0_french&config=Harsit--xnli2.0_french&split=test&offset=0&limit=100\"\n",
37
+ "\n",
38
+ "def query():\n",
39
+ " \n",
40
+ " response = requests.get(curl)\n",
41
+ " return response.json()\n",
42
+ "\n",
43
+ "data = query()"
44
+ ]
45
+ },
46
+ {
47
+ "attachments": {},
48
+ "cell_type": "markdown",
49
+ "metadata": {},
50
+ "source": [
51
+ "Get the hypothesis in a data frame."
52
+ ]
53
+ },
54
+ {
55
+ "cell_type": "code",
56
+ "execution_count": 22,
57
+ "metadata": {},
58
+ "outputs": [],
59
+ "source": [
60
+ "sentences = data['rows']\n",
61
+ "\n",
62
+ "french_sents = []\n",
63
+ "\n",
64
+ "for i in range(len(sentences)):\n",
65
+ " french_sents.append(sentences[i]['row']['hypothesis'])"
66
+ ]
67
+ },
68
+ {
69
+ "cell_type": "code",
70
+ "execution_count": 23,
71
+ "metadata": {},
72
+ "outputs": [],
73
+ "source": [
74
+ "# save the sentences\n",
75
+ "pd.DataFrame({'sentences': french_sents}).to_csv('french.csv', index=False)"
76
+ ]
77
+ },
78
+ {
79
+ "attachments": {},
80
+ "cell_type": "markdown",
81
+ "metadata": {},
82
+ "source": [
83
+ "- Wolof sentences"
84
+ ]
85
+ },
86
+ {
87
+ "cell_type": "code",
88
+ "execution_count": 2,
89
+ "metadata": {},
90
+ "outputs": [],
91
+ "source": [
92
+ "curl = \"https://datasets-server.huggingface.co/rows?dataset=perrynelson%2Fwaxal-wolof&config=perrynelson--waxal-wolof&split=test&offset=0&limit=100\"\n",
93
+ "\n",
94
+ "def query():\n",
95
+ " \n",
96
+ " response = requests.get(curl)\n",
97
+ " return response.json()\n",
98
+ "\n",
99
+ "data = query()"
100
+ ]
101
+ },
102
+ {
103
+ "attachments": {},
104
+ "cell_type": "markdown",
105
+ "metadata": {},
106
+ "source": [
107
+ "Get the transcriptions in a data frame."
108
+ ]
109
+ },
110
+ {
111
+ "cell_type": "code",
112
+ "execution_count": 5,
113
+ "metadata": {},
114
+ "outputs": [
115
+ {
116
+ "data": {
117
+ "text/plain": [
118
+ "100"
119
+ ]
120
+ },
121
+ "execution_count": 5,
122
+ "metadata": {},
123
+ "output_type": "execute_result"
124
+ }
125
+ ],
126
+ "source": [
127
+ "len(data['rows'])"
128
+ ]
129
+ },
130
+ {
131
+ "cell_type": "code",
132
+ "execution_count": 3,
133
+ "metadata": {},
134
+ "outputs": [],
135
+ "source": [
136
+ "sentences = data['rows']\n",
137
+ "\n",
138
+ "wolof_sents = []\n",
139
+ "\n",
140
+ "for i in range(len(sentences)):\n",
141
+ " \n",
142
+ " wolof_sents.append(sentences[i]['row']['transcription'])"
143
+ ]
144
+ },
145
+ {
146
+ "cell_type": "code",
147
+ "execution_count": 28,
148
+ "metadata": {},
149
+ "outputs": [],
150
+ "source": [
151
+ "# save the sentences\n",
152
+ "pd.DataFrame({'sentences': wolof_sents}).to_csv('wolof.csv', index=False)"
153
+ ]
154
+ }
155
+ ],
156
+ "metadata": {
157
+ "kernelspec": {
158
+ "display_name": "pytorch1-HleOW5am-py3.10",
159
+ "language": "python",
160
+ "name": "python3"
161
+ },
162
+ "language_info": {
163
+ "codemirror_mode": {
164
+ "name": "ipython",
165
+ "version": 3
166
+ },
167
+ "file_extension": ".py",
168
+ "mimetype": "text/x-python",
169
+ "name": "python",
170
+ "nbconvert_exporter": "python",
171
+ "pygments_lexer": "ipython3",
172
+ "version": "3.10.8"
173
+ },
174
+ "orig_nbformat": 4
175
+ },
176
+ "nbformat": 4,
177
+ "nbformat_minor": 2
178
+ }
wolof-translate/wolof_translate/data/sentences/deleted_lines.csv CHANGED
@@ -1,3 +1,2 @@
1
  french,wolof
2
- dkfsjfkdsf,dkfjskfjds
3
- Je part jouer,dkfjskfjds
 
1
  french,wolof
2
+ "Sur la photo, ont voit des personnes qui marchent rapidement ou qui s'opposent tout le temps aux gendarmes. C'était au Casamance. Ils ressemblent plus à des jeunes. Il ne manquerait pas que ce soit pour montrer quelque chose qui leur déplaisait.",Nataal bii ñoo ngi ciy gis ay nit ñuy ñaxtu walla di jàmmaarlook takk-der yi rekk. Caa Kaasamaas la woon. Aw ndaw lañ gën a nurool. Du ñàkk am lu leen metti ñu ko doon ñaxtu.
 
wolof-translate/wolof_translate/data/sentences/french.csv ADDED
@@ -0,0 +1,101 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ sentences
2
+ Je ne lui ai plus reparlé.
3
+ J'étais tellement bouleversé que j'ai recommencé à lui parler.
4
+ Nous avons eu une excellente conversation.
5
+ Je ne savais pas que je n'étais pas la seule personne à être sur le terrain ce jour-là.
6
+ J'avais l'impression d'être le seul à avoir ce numéro sur le terrain de l'AFFC Air Force Career.
7
+ "On nous a tous donné le même nombre exact, peu importe les privilèges qu'on nous avait promis d'accorder, tout cela était un mensonge."
8
+ On ne m'a jamais rien dit de rencontrer quelqu'un.
9
+ On m'a dit qu'un gars serait appelé pour que je le rencontre.
10
+ Le gars est arrivé un peu en retard.
11
+ Je veux vous dire tout ce que je sais à ce sujet !
12
+ "Je n'en parlerai pas, même s'il y a beaucoup à couvrir."
13
+ Je ne parlerai pas de l'histoire de la ville car il y a trop à dire.
14
+ Nous ne nous soucions pas de sauver quoi que ce soit.
15
+ Nous voulions sauver une chose plus que le reste.
16
+ Nous voulions sauver la bombe H parce qu'elle était si difficile à gérer.
17
+ Je suis certain de la raison.
18
+ Je ne sais pas pourquoi il a changé d'école.
19
+ Je ne sais pas pourquoi c'est arrivé.
20
+ Fannie Flono a dû reprogrammer et est incapable de nous raconter des histoires aujourd'hui.
21
+ "Fannie Flono est ici et elle va nous parler de ses histoires d'enfance de grandir à Augusta, GA."
22
+ Fannie Flono a pu nous parler aujourd'hui malgré son emploi du temps chargé.
23
+ J'ai traité avec les U2.
24
+ Je n'ai pas du tout traité avec les U2.
25
+ J'ai travaillé avec les détachements pour les U2 tous les jours pendant quarante ans.
26
+ Je n'aimais pas être le seul à faire fonctionner les régulateurs pour les tests.
27
+ Des tests ont été effectués dans les chambres d'altitude miniatures.
28
+ Nous étions quelques-uns à diriger les régulateurs pour le test.
29
+ Je travaille encore à ce jour.
30
+ J'ai pris ma retraite en 2002.
31
+ Rick vous a dit que j'étais à la retraite.
32
+ Le client nommé Cutty gagne 10 000 $ par mois.
33
+ Il y a un client nommé Cutty.
34
+ Nous n'avons aucun client appelé Cutty.
35
+ La fille dont j'ai besoin d'aide vit loin d'ici.
36
+ La fille qui va m'aider est à 5 miles.
37
+ Il n'y a personne qui puisse m'aider.
38
+ Ils ont tous convenu qu'ils travailleraient tous dans les champs.
39
+ Ils n'arrivaient pas à se mettre d'accord sur qui était un homme de terrain et qui appartenait à la maison.
40
+ Ils n'arrivaient pas à se mettre d'accord sur qui devait travailler dans le champ de coton et qui devait passer la serpillière.
41
+ Il a décidé de ne plus parler.
42
+ Il parle de trois sous-marins différents.
43
+ Il parle de trois choses.
44
+ Tous leurs enfants ont survécu.
45
+ Un enfant est mort sur les cinq.
46
+ L'enfant qui est mort est né malade.
47
+ Le U2 a pris beaucoup de film.
48
+ Le U2 a pris une tonne de film sous l'eau.
49
+ "Nous n'avions pas d'images, nous devions donc deviner."
50
+ "Comme elle lui a dit de monter le porche, elle avait les larmes aux yeux."
51
+ Elle a rapidement essuyé ses larmes après avoir jeté Joe par le porche.
52
+ Elle était si heureuse de voir Joe qu'elle s'est mise à pleurer.
53
+ Le rayonnement peut également être contenu pendant un incendie.
54
+ Le rayonnement s'échapperait d'un composant en plomb après que l'avion ait brûlé.
55
+ Le rayonnement ne s'échapperait pas pendant un incendie.
56
+ Le chef est retraité de l'US Air Force.
57
+ Le chef vient de prendre sa retraite il y a quelques semaines.
58
+ Le chef de l'US Air Force vient de commencer sa carrière cette semaine.
59
+ Plus d'un avion arrive chaque semaine.
60
+ L'augmentation du trafic aérien est gênante.
61
+ Il n'y a jamais d'avion qui arrive.
62
+ Il faut jusqu'à trois mois pour terminer la formation sur l'utilisation d'une combinaison pressurisée intégrale.
63
+ S'entraîner à utiliser une combinaison pressurisée prend du temps.
64
+ Nous pourrions vous former à l'utilisation d'une combinaison de pression complète d'ici la fin de la journée.
65
+ La bombe avait été désactivée par le pilote.
66
+ La bombe n'avait aucune chance d'exploser.
67
+ Il y avait un grand danger que la bombe explose.
68
+ Je ne sais pas à quoi cela ressemble pour vous.
69
+ "J'essaie de le faire, évidemment."
70
+ J'essaie de terminer mon projet la semaine prochaine.
71
+ Les chèvres s'échappaient de la grange tous les jours.
72
+ Les chèvres s'échappaient souvent.
73
+ Les chèvres ont été gardées en sécurité.
74
+ Toutes les portes étaient ouvertes.
75
+ Nous avions les clés avec nous.
76
+ Nous sommes entrés même si les portes étaient verrouillées.
77
+ Je suis convaincu que les totaux sont tout ce dont j'ai besoin pour comprendre cela.
78
+ "Je n'ai aucune idée de ce qu'il faut faire avec seulement les totaux, veuillez me donner plus de détails pour comprendre ce gâchis."
79
+ Je vais le calculer en fonction des totaux.
80
+ Il était tellement excité et débordant de joie qu'il a pratiquement fait tomber la porte de son cadre.
81
+ Il essayait de ne pas nous culpabiliser mais nous savions que nous lui avions causé des ennuis.
82
+ "Rien qu'à l'expression de son visage quand il a franchi la porte, j'ai su qu'il avait été déçu."
83
+ Je n'ai pas de magasin en particulier.
84
+ J'ai 1 magasin spécifique.
85
+ Il y a beaucoup de magasins.
86
+ Il reçoit beaucoup d'aide.
87
+ Il reçoit de l'aide pour ses repas et ses vêtements.
88
+ Il est très indépendant.
89
+ "Ramona était allongée par terre, recroquevillée en position fœtale."
90
+ Ramona me jugeait silencieusement.
91
+ Ramona était debout pendant que j'étais là en admiration.
92
+ "Elle a mangé beaucoup de nourriture, mais a quand même maintenu son poids bas."
93
+ Elle ne pesait pas beaucoup du tout.
94
+ Elle était très heureuse.
95
+ Il a continué à vivre à Augusta même après les attentats.
96
+ Il a continué à vivre à Augusta.
97
+ Il a tout de suite déménagé à l'extérieur d'Augusta.
98
+ Je n'ai jamais demandé où ils allaient.
99
+ Ils nous ont toujours fait savoir où ils étaient et où ils allaient.
100
+ Ils ne nous ont jamais dit où ils allaient.
101
+ Ils ne paieront rien pour nous.
wolof-translate/wolof_translate/data/sentences/modified_lines.csv ADDED
@@ -0,0 +1 @@
 
 
1
+ french,wolof
wolof-translate/wolof_translate/data/sentences/wolof.csv ADDED
@@ -0,0 +1,101 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ sentences
2
+ "Lii, ay nit lañu yu génn di ñaxtu. Jëm yi nag ñu ngi sol seen i yére yu weex ak seen i tubéy yu baxa, nekk ci tali bi di wane seen aw naqar. Ñu ngi bind ci digg bi mbindum farañse mu baxa."
3
+ "Salaawaalekum ! Ñii de, mel nañ ne, ay nit ñu dëkk kaasamaas, benn dëkk bu nekk Senegaal, ñoom ñooy wane seenuw naqar nii, daldi taxaw nii, ñenn ñi toog, ñenn ñi taxaw, jël seen loxo yi dajale ko ngir wane seenuw naqar. Ñoo ngi toog ci tali bi."
4
+ "Nataal bi ab nataal la boo xamante yni maa ngi ciy gis ay ndawi réew yoo xamante ni daa mel ni dañuy naqarlu loo xamante ni xew na ca seen réew te seen njiitu réew teg leen ko. Maa ngi ciy gis nag ñoo xamante ni dañoo sol lu weex aki ay tubéy yu ñuul. Bari ci ñoo xamante ni sol nañu yoo xamante ni ay yére yu ñuul la ak yu bula, am na yit ñu sol yu bula. Ñu ngi taxaw si kow tali tali bi nag xaw naa bari ay xeer ńàkkul ni ñoo ko jëfandikoo ngir jàmmarloo ak way takk-der yi. CI kow nataal bi maa ngi gis ñu bind si bind boo xamante ni réewu, dëkk bi nu naan Kaasamaas ñu koy wax Siggicoor."
5
+ Waaw nataal bii nataal la boob ay nit ñu baree bari ñoo xam ni dañuy doxub ñaxtu ñoo ci nekk tàllal seen i loxo ñee sukku ñeel taxaw jodd di dox ñu bind ci kaw nataal bi lu xaw a baxa la bind ci laa kaasamãs.
6
+ Nataal bii maa ngi ciy janloog haa ay nit yu bari yuy dox di dox ab ñaxtu ñi ngi bank seen i loxo di wane ni lu amul benn taafar lañuy deme.
7
+ Nataal bii ñoo ngi ciy gis ay nit ñuy ñaxtu walla di jàmmaarlook takk-der yi rekk. Caa Kaasamaas la woon. Aw ndaw lañ gën a nurool. Du ñàkk am lu leen metti ñu ko doon ñaxtu.
8
+ "Ñu gis ci nataal bi ay nit ñu bari ñu génn ci tali, ñu yékkati seen i loxo, ñenn ñi sukku yékkati seen loxo, ñu bind ci nataal bi ""La Casamance"", mooy diiwaanu Kaasamaas."
9
+ "Jën la waaw, Wu am wirgo Wu baxa ak Wu xonq."
10
+ "Aah nataal bii nag, aw jën la. Jën wi mi ngi ame ñetti wirgo. Wirgo Wu jëkk Wi mboq la, Wu ci topp di bëlë, Wu ci topp di weex. Muy jën wu rafet."
11
+ "Nataalu fanweer ak juróom-ñaar, maa ngi ci gis lu mel ne lu taxam taxawaayu jën. Jën la woo xam ne itam dafa am ay kulëer. Kulëer yi tamit am na bulë, am na marõ, am na weex, lu ko wër lépp lu weex la."
12
+ "Nataal bii nag gis naa ne mel na ne aw jën la. Jën wi nag dafa ŋaaŋ. Jën wi nag dama ne am na lu bëlë, am na lu weex, am na lu xaw a soon it moom jën wi foto biñ ko dama ne dañ ko tek ci lu weex, lu weex."
13
+ "Ñu ngi wone ci nataal bi wenn jën wu mag. Nan jàpp ne jënu ratee la wu mag, wu tege. kulëer bi nag, am na kulëer bu bëlë ak bu ruus."
14
+ Nataal bi ngeen ma yónnee de fele-fele la. Mburu lañ ciy def ak di ci tànn ceeb ak di ci def.
15
+ Nataal bii gis naa ci biir nataal bi ñaari soxna yu taxaw kenn ki sol lu soon kenn ki sol lu xonqu.
16
+ "Lii day suñu mbokki lawbe yi ñoo koy defar. Gis naa ci itam couleur bu xonqu, gis naa ci couleur bu bula. Waaw loolu de laa ci gis."
17
+ "Man de nataal bii ma gis nii, nataal la boo xam ne ab dëkk bu rafet a rafet la, dëkk bi nag rafet na lool. Ba noppi mel ni yuñ ràbb daal, ba noppi am na ndox am na garab yu wert am yépp. Ba noppi dëkk bi rafet na lool daal am na lu weex."
18
+ Waaw lii ab fowu la maanaam stade fowu fowu la bu rafet lool làmp yiy tàkk nii nekk ci kawam mu wërngalu nii am lu ñuul lu nekk ci kaw loo xam ne daa daa wërngalu làmp yi di leer nàññ ci kaw fowu bi nekk ci biir mu doon loo xam ne sii ci biir dees ci futbalees.
19
+ "Nataal bii de, nataal la boo xam ne ab paaka la, paaka boo xam ne paaka bi am na dénk ca wet ga ak weñ waaw. Nataal bii daal paaka lañ koy wax paaka bi daal beesul te daa chocolat waaw noon la mel."
20
+ "Nataal bii de nataal la boo xam ne ab ab am mangasin. Mangasin bi nag ab coiffeuse la, coiffeuse bi biir bi daa sokolaa lépp daa sokolaa daa am i sokolaa am yu weex waaw. Daa am ay tiruwaal ak yépp ba noppi mu sokolaa."
21
+ "Nataal bii de ab salle lay nuróol, salle bi tamit maa ngi ci gis lu mel ni ab lal bu ndaw maasàllaa lu mel ni ay canapé yoo xam ne neex naa toog lool. Maa ngi gis tamit ñu takk panal ci kaw akub dessin tubaarikàlla, dessin yoo xam ne dañ koo dessin ci miir bi."
22
+ "Lii nag ab bool la. Bool bi suukar la def. Suukar Si nag yaa ngi koy séen lu weex tàll, fees dell ci bool bi. Suukar Si set te rafet lool sax la."
23
+ Lii ab tabax bu njool la bu rafet. Gis nañ ñaari nit ci càmmooñ bi benn góor ak benn jigéen ñu ànd ak ay garab ak fleurs. Ci ndey-joor bi gis nañ benn tabax bu weex ak ay oto ci kanamam. Tabax bi mi ngi ci kaw tali.
24
+ "Lii ak kër. Kër Gi nag ni lu bindoo tegale gi ñetti tegale la ci tabaxin bi. Nga mën a yéeg ci kow yéegaat ci kow jàll. Mi ngi am ay bunt yu beree bare ak i tofla, ay fëneetar yoon xam ni ngelaw Li da cee mën a jaare ci biir kër gi. Mi ngi am ay garab yu naatal kër gi ci wer ci."
25
+ Nataal bii góor ak jigéen ay statut yu taxaw ñu takk leen ak ay chaîne. Mu mel ni ay jaam lañ daal.
26
+ Nataal bii nag benn salle la bu ñu teg ay bã yu ruus def ay fleurs taal ay làmpu décoré ba mu rafet maasàllaa.
27
+ "As salaamaalekum! lii de ab nataal la. Nataal bii de gis naa si ab këll, këll boo xam ni ay suukër bekk la def bu am melo bu weex. Am na tamit ay suukër bekk yu nekk ci suuf, am na tamit ab këll bu may seen ci cat li boo xam ni dafa sokolaa."
28
+ Nataal bii de ag leget la. Leget goo xam ne dafa xaw a ñuul tuuti. Am ca biir ay bekku suukar yu weex tàll. Ca suufam tamit am yeneen bekku suukar yu fa nekk.
29
+ "Nataal bii nag ñu ngi ci gis bekku suukër. Bekku suukër, ëe suukër la ju wow. Ëe moom day dem ci kafe dina dem ci yeneen yeneen... Mën naa dem ci soow ak yépp mën na see dem. ñooŋ kay def, ñooŋ ko def si benn bool, ëe ci benn bool bu sokolaa... Def si bekk suukër yu bëre."
30
+ "Lii ab dëkkuwaay la, dëkkuwaay taaru lool, dëkkuwaay bu taaru lool am ay yoon, yoon yu ñuy jaar di jàll, am ay baŋ."
31
+ Waaw lii de boo dee xool dangay gis benn peroŋ boo xam ne dañu ko karo. Léegi am na fëlëer yoo xam ne dañoo nekk ci kaw karo yi. Boo dee xool ci ginnaaw dangay gis ay garab waaw.
32
+ Nataal bii ma gis de ay nit yun tabax la ak i garab ak i fleur ak yooyu. Ñu nekk fu taaroo taaru am miir bu leen wër miir boo xam ne peinture bu soon lañ ko peinture.
33
+ "nii nag mu mel ni benn bërëb jullikaay wala... maanaam jumaa. boo xamantane mooy wone ni ki ci Islaam sax am na benn architercture, boo xamantane, moom la ñuy sukkandi ku tabax jumaa yi, mu tafet lool!"
34
+ "Nataal bii ma gis de nataal la boo xam ne jàkka la, jàkka joo xam ne jàkka ji guddu na lool ba noppi bari, ba noppi am ñax, am ay garab yu ne ca suuf. Waaye jàkka ji nag peinture bu soon lañ ko peinture. Ba noppi mu ay rajook yooyu yépp waaw."
35
+ "Lii ag kër la, kër gu yàqu. Boo ko gisee xam ni dafa màgget ak làmpam yeek palanteer am yi."
36
+ "Nataal bii ma gis, gis naa ci ag kër gu rafet, am ag garab ci buntu kër gi."
37
+ "Lii nag baraada la. Baraada bu nu def attaaya la walla bu mën def kafe. Boo xoolee mi ngi am njàpp. Baraada bi nag mu ngi yor wirgo wu ""orange"" ak lu ""jaune waaw. Ñuŋ ko yor. Boo xoole tamit am na gëléem buñ ci nataal ak ay garab. Ñu nataal leen ak wirgo Wu ñuul."
38
+ "Lii de daa mel ni ab baraada la, baraada bu xonq ñu diseene ci ay garab. Garab yi nag ñi ngi am wirgo yu ñuul am lu mel ni ag kéwël, kéwël gi mi ngi am wirgo yu ñuul."
39
+ "Waaw mbokk mi lii de gis naa ni baraada la, baraada bu taaru. Jumtukaay bu ñuy defare xéewal googu ñu naan café moom la ñu ngi ci diseene ñaari garab ñu ngi wanewaat ca kaw ñaari garab ak benn kéwël."
40
+ "Lii ab baraada la ; baraada boo xamente ne ñu ngi ciy gis genn kéwél ak ñaari garab. Baraada bu xonq la. Baraada nag dañu koy jël di sí togg, di si tàngal ndox walla loo xamente ne nit ñi dañu koy naan.."
41
+ Nataal bi ngeen ma yónnee de ab dëkku àll bu ndaw la boo xam ne ñetti néeg ñoo fa nekk. Te am na ay garab yu bari. Am na ay nit yu toog nële ca garab ga. Am na nit ñu nekk nii ci yoow wi di dox. Néegi ñax yi ñett la. Am nap ab rido bu bula.
42
+ "Li may jàkkarlool ci nataal bi nag moom benn karaaf la. Muy karaafu weer boo xamente ne mën nga ci def say ""jus"". Bii mel na ne tamit ab jus lañ ci def mu nekk karaafu weer ak kubéer gu ñuul, jàppukaay bi daldi doon jàppukaay bu ñuul. Liñ ci def itam wirgo wi dafa xaw a soon waaye taxu ko soon noonu. Waaw fiñ ko teg daldi weex tàll."
43
+ "Waaw nataal bi ma jot nag gis naa ne lu mel ne sãri néeg la. Néeg bi nag maanaam suuf gi ban lanu ko defare, maanaam ban lanu ko defaree, du simã ba noppi kaw gi moom am na ñax. Am na ay ñax mu bari ba noppi suuf gi am na yat. Bunt bi nag am na bind boo xam ne nuru na zinc. Ci wetu bunt bi lu mel ne sãri gënn mu ngi ci. Waaw néeg bi, néeg ban la daal. Lu ci mën ti xew néegu ban la daal moom."
44
+ "Nataal bii de nataal la boo xam ne néegu puj la, néegu puj bi nag dañ koo teg ci kaw waaw ba noppi mu am ay ban, ban lañ ko defare daal. Ba noppi mu am bunt boo xam ne bunt bi zinc la waaw ba noppi am ay dénk mu am ñax."
45
+ Lii ab nataal la boo xam ne ab tabax bu yaatu bu kawe te weex moo ci nekk. Gimnasio gi nag am na ay garab yu mag a mag yu ci nekk yoo xam ne ñoo ko wër. Ginnaaw gi am na ay nataal yoo xam ne ay tubaab yu mel ne ñuy dox di ñëw.
46
+ "Nataal bii de ab néeg la, ab néeg la waawaaw ; néeg boo xam ne kaw gi ñax la waawwaaw. Am na ag garab gu nekk nee waaw. Am na itam ay ñax yu nekk nee. Am na ay montaañ yu nekk nële yu kawe kawe uhun. Ay montaañ yu kawe sax waaye néeg bi moom bunt bi ëe maanaam dénk la, dénk bu xonq daal."
47
+ "Lii ab milieu la, milieu bu yàgg milieu boo xam ne sii tabax boo xam ne si nii daa yàqu tàkk-ndeer yi di ci génn céññéeri jant bi di ci génn. Moo ci nekk."
48
+ "Nataal bii nag ñuŋ fi gis lu Nga xamante ne moom la nuy woowe gejje fii ci Senegaal. Mooy jën wi Nga xam ben dañ kaa jël weer ko ba lu Wow def ci ay xorom ak yooyu. ""Après"" moom na ñuul di ko togg."
49
+ "Aa nataal bii de may jàkkaarloo mel na ni gejje la, gejj. Loo xam ne neex na ci ceebu ñebbe lool, muy gejje moom mii. Gejje itam bare na fanee fun ko mën à jëfandikoo, lu ci mel ne ay suppu kànja loolu yooyu yépp mën nan cee jëfandikoo gejj."
50
+ "Nataal bii de bi ma ko xoolee gis naa ci loolu nga xam ne mooy gejje. Gejje laa ci gis. Gejje gi nag, mi ngi may ndiroog géjje sompaat. Waawaaw, jigéen ñaa ngi koy soxla ci bu nuy togg."
51
+ "Lii ab nataal la bob, nataal bi maa ngi ciy gis ag gejje. Géjje gi nag, gejje gi mel na ni réy na lool. Fi nu ko tek ca wet gale am na ay ñuul-ñuul."
52
+ "Nataal bi ma jot de gis naa ni gejje la, waaw gejje. Gejje de laa gis."
53
+ "Waaw mbokk mi, gis naa ni lii de ay potu Nescafé ñu def ci café. Gis naa ci ay doomi café yu ñor ak yu ñorul. Gis naa ci café gu mokku tamit ci wet gi."
54
+ "Nataal bii de maa ngi ci gis ay néegi puj puj waaw loolu ñu naan néegi puj, ba noppi mu nekk foo xam ne am ñax mu vert la am mu bari, am garabu guy gu nekk ci wetam. Am ñetti néeg yoo xam ne ñu ci seen wet."
55
+ "Nataal bi ma jot de gis naa ci néeg, néegu ñax boo xam ne mi ngi nekk fu taaroo taaru am ndox nekk ci ginnaawam, ndox mu rafet sax. Am ay ñax yu ndaw-ndawaan yu nekk ci ginnaawam."
56
+ "Nataal bii, gis naa ci ay néegu ñax yoo xam ne ñu ngi ci àll ci biiri gatab. Di deme ni nag ay garab la yoo xam ne, am na yu gudd lool, am na it yu xaw a yam am yu gàtt."
57
+ "Nataal bii ngeen ma yónnee de, gis naa ci biir nataal bi, néegu ñax, gàncax gu naat ak yégukaay bu nekk ci kote bi."
58
+ "Lii nag ëe kaas la ak palaat. Nu ciy xelli kafe gi waaye moomit dafa weex, kaas bi dafa weex, palaat bi weex. Boo xoolee ci wet gi dinga gis kafe gu tuuru ci kaw dénk bi ak kafe bu nu def ci lu mel ne mbuus."
59
+ Waaw nataal bii de nataal la boo xam ne nataal bii ñi ngi nekk ci ab bërëb. Bërëb boo xam ne ay xale yu jigéen yu bari bari ñoo fa nekk. Bërëb bi nag bërëb bu rafet la.
60
+ Nataal bii de nataal la boo xam ne ay nit la yu nekk ci benn bërëb toog fa ba noppi am lu ñuy def. Ba noppi toog ca bërëb ba di am lu ñuy liggéey waaw.
61
+ "Lii ab néeg la, néeg bi dañ kaa xadde ñax. Biñ ka xaddee ñax, néeg bi ab néeg la, néeg bi ñu xadde ko ñax ay garab nekk ca kaw ay garab nekk ci suuf. Bari nay garab lool nag sax."
62
+ "Nataal bii day wane kër goo xamante ne dafa am ay meuble ci biir, am ay faneetar, am ay toogukaay ak genn basaŋ guñ lal ci biir."
63
+ "Nataal bii ngeen ma yónnee gis naa ci biir nataal bi tabax bu màggat lool, am garab gu sax ca biir tabax ba. Tabax bi nag bu màggat a màggat la."
64
+ Nataal bii gis naa ci ab néegu ñax bu nekk cib àll bu naat bu am ay ñax ak ay garab.
65
+ "Asalaamu aleykum wa rahmatu laah, ba tey it ci biir nataal bi yaa ngi ciy gis benn néegu ñax. Néegu ñax bi nag kenn dëkku ci. Ndax booy xool dañ koo tabax ci ñaari melo. Melo yi nag, am na ci weex, am na ci sokolaa. Ci kow nag ñoo ngi ci teg ay ñax. Ci kanamu néegu ñax bi, ñoo ngi ciy gis ñaari gone. Gone gu mag gi moom moo boot gone gi ci des. Ci séen kanam ñoo ngi ciy gis genn garab. Garab gi mi ngi meññ. Ci seen kanam ba tay it ñoo ngi ciy gis beneen néeg. Néeg bi doonul néegu ñax. Ci seen ginaaw ba tay ñoo ngi fay gis yeneen néeg ak ay ñax yu bare."
66
+ "Lii ay néegu ñax la, néegu ñax yu màggat ay nit di ci dox ci biir. Am na yi nga xam ne si nii dañ liiwe ay sàkket dañ ko muure ay sàkket ak ay bant ak ay garab."
67
+ "Waaw lii de, dafa mel ni ab fulëer la, waaye fulëer bi liñ ko defare mooy lu mel ni màcceeru weñ moom lañ ko defaree. Def fulëer yi mu nekk lu rafet."
68
+ "Ci biir nataal bii maa ngi ciy gis ay batã, batã yu bari yu sës ci miir bi nii. Xam naa boo moytuwul denculaayi yëre lay doon. Walla bu nekkul dencukaayu yërë mu nekk dencukaayu ay bool. Xam naa lii ab néeg la walla mu nekk aw waañ. Waaye daal lu ci mënti xew batã yi rafet nañ lool ndax wirgo wi mu ame nii dafa rafet lool. Ak palanteer bi nekk ci kow nee nga xam ni ngelaw lee ciy jaar di dugg lu baax la."
69
+ "Aa gis naa benn néeg bu yànj ànd ak ay lal, lalu fanaanukaay. Am ay drap yu yànj yu méngook jamono waa."
70
+ "Waa, lii nag moom lal la. Benn lal gu yànj boo xam ni mën nañ ne, netti nit x... Ñetti nit moo siy dallu. Ndax si suuf,ñaari nit man nñ faa dallu ci kaw moom, ben nit rekk moo fa, moo fa man a dallu. Ci ci ci ci ci,...wet ga, ñoong fa am benn rideau, rideau boo xam ne manees nañ ne couleur bu roos la am, roos claire ak roos bu foncée. Ca... Lal gi ca kaw moom, pour nga... pour nga yegg ca, il faut, ëe... benn lu ñuy naan echelle.echelle nag nekk benn juntukaay boo xam ne,ëe... Ay tànk...Ay ay ay tànk la am, bole tànk boo teg di daal di ,di daal di gën a yéeg.ca,ca,ca... Ca beneen wetu lal boobu nag moom, ca wetou echelle ba ñu ngi am ay ay ay tiroir. Tiroir nag nekk na benn juntukaay boo xam ne da lay ëe... Dey tax nga fay denc say say say say...say yëf. Waaw."
71
+ "Nataal bii ñu ma yónnee ab néeg la, am na lal bu ca nekk ak benn njegenaay lal ca darab bu weex, faneetar ba am na am na morceau bu ñuul. Lal bi am na ñaari turwaal ñi ngi ci suuf."
72
+ Nataal bii lii ab àngal la boo xam ne dañ ciy deñci ay kaas ak yu ni deme. Ñu defare dénk ak weer defar bu mucc ayib.
73
+ "Waaw lii de ab àngal la, àngal bi de bari na ay weer lool ak i turwaal ci suuf. Moom de mi ngi nekk xonqu am lu weex lu bari lu ko wër."
74
+ Lii nag mel na ni benn baye la. Baye bu sokolaa la nekk ci barab boo xam ni dafa a weex. Mën naa def yu mel ni ay téere Walla ay kaas walla yu mel noonu. Mën naa denc yu am solo.
75
+ "Lii ab dëkkuwaay la, ab dëkkuwaay am ab bayo ci biir, am ab seetu, am ay nekkukaay ci biir."
76
+ Nataalu fanweer ak ñett maa ngi ciy gis maa ngi ciy gis ab benn frigot boo xam ne couleur bi dafa gris. Dafa mel ni fi ngay jàpp dafa dafa ñuul. Mi ngi nekk ci barab bu weex tàll.
77
+ "Nataal bii de nataal la boo xam ne ab bunt la boo xam ne bu am lu weex la am ay weer. Weer yi daa xaw a am yeneen weer yu nekk ci wetam yoo xam ne yu weex la. Weer yi dénk la, am na dénk ba noppi am weer waaw."
78
+ "Nataal bi ngeen ma yónne nii de ñaari baŋ lañ yoo xam ni bu ci nekk ñaari nit mën nañ cee toog. Ñuŋ leen liggéeye weñ, digg bi am matlaa ak ndima luñ ci teg . Am na taabal ju tege itam ci wet gi."
79
+ "Nataal bii gis naa ci biir nataal bi ay toogukaay yu weex yu nekk ak ay taabalu dénk, ay toogukaay yoo xam ne dénk lañ ko liggéeye benn gàñcax ci wet gi."
80
+ "Waaw lii de ay xeeti toogukaay la, ay xeeti toogukaay nag. Am na ay wirgo nag. Am na ay wirgo yu wert, am wirgo yu bula, am na mboq, am tamit ëe xonq, am na tamit ëe wirgo yu wert, am tamit yeneen wirgo daal. Ay toogukaay la, ay toogukaay lay doon."
81
+ Nataal bii nag am na benn lu ñu wërële ay bant mu mel ni néeg nekk ci wetu garab gu sëq. Am tamit beneen lu mel ni toogukaay lu ñu def ay bant am ay ñax yu nekk ci koteem.
82
+ "Nataal bii nag dafa mel ne ëe dëkkub àll la walla ay màngaan. Màngaan yi mooy ñi nga xamante ni dañuy dem ba ci àll bi fu kenn dëkkul ñu samp fa seeni xayma, teg fa seeni jur, dëkk fa. Bu ñu xëyee sàmmi seeni jur, sunu wàccee ñëw tëdd ci seeni xayma. Xayma gi nag rafet na lool."
83
+ "Waaw lii de ab àll la, àll bi dañ koo xayma, am na ay garab yu bari yu fi nekk. Am na ab lal bu nekk fii nii. Am na ag xayma gu nekk nale. Am na ay garab yu ko wër yu bari. Fii de moom ab àll la moom."
84
+ "Nataal bii ñu ma yónnee lu mel ne ab saal la, saal boo xam ne am na benn bunt : bunt bu ñuul ak lu sokolaa. Am na benn toogu, am na beneen toogu boo xam ne moo nekk ci sa ""côté gauche"". Am na beneen ""table"" boo xam ne moo nekk ci digg bi. Am na lu mel ne ay rëdd, ay rëdd bu xonq ak bu ""Jaune"". Am na beneen ""dessin"" bu weex ak bu ""Jaune""."
85
+ "Waaw lii nii ab ab puur la. Waaw moom lañuy wax cuisinière. Ab puur la dañ koy taal di ci togg, boo ko taalee danga ciy teg cin li rekk togg ci li nga bëgg a togg."
86
+ "Waaw ëe nataal bii nii maa ngi ciy seetlu bëer ; bëer bu bu xaw a ""congelé"" boo xamente ne dañ koo teg si benn taabal, teg si, lal ko... Am lu nu lal lu weex daldi siy teg bëer bi, teg si paaka bi di ko dagg."
87
+ "Ay caisse yu bari yuñ tegale la, caisse yi dañoo bari lool. Ñu teg ci ay téere yu bari, ay këyit daal këyit yu baree bari yoo xam ne ay tegukaay la daal."
88
+ Waaw lii nag aw saañ la wuñ tabax ba noppi tijji robinet bi def fa ñaari raxasukaay tijji robinet bi muy sotti.
89
+ "Lii de lañuy tudde wanag, ñu defar ba mu muccu ayib."
90
+ "Waaw nataal bii mi ngi wane ab ab wanag lii ab wanag la, wanag bu yànji sax. Ci biir wanag bi nag am nay am na jëfandikaay yoo xam ne ngir boo jëfandikoo ba pare man nga koo jël daal."
91
+ "Waa lii, ci wanag lay nekk. Ndee lu weex lii demukaayu duus la... Demukaayu wanag la. Ci la ñuy demee wanag. Boo bëggee dox aajo man nga fee dox aajo. Am nale lu nekk ci wet gi tamit. Moomit soo bëggee jàpp wala sawi man nga ko faa defee."
92
+ "Biir nataal bii gis naa fi ñetti pañe yu ñu ràbb ràbbin wu fatt te rafet ñett lañ nag. Am na bu ci gën a mag am bu ci gën a mag tuuti am bu ci gën a ndaw. Ñoom ñépp nag am nañu kubéer ci biir kaw kubéer gi nag am na lu ci nekk cat la mel ni mbaxana. Ñoom ñetti pañe yépp am na ay jàppukaay, jàppukaay yu ñu lonk ci wet yi , ñaari buum yun leen di jàppe."
93
+ Lii ab kaas la mi ngi def am soow. Ab kaas bu weex la bu def am soow ñu taaj ko.
94
+ Gis naa benn affaire bu ñuy ndugge marché....
95
+ "Nataal bii nag moom benn pañe la. Lu ëpp liñ kay gis nag ci jeeg yi lay doon bu ñuy jóge marché ndax ci moom lañii, moom lañii jël, Aa daldi daldi ciy def, aa, daanaka lépp luñ jëng ca marché ba lu ci lu ci mel ni waaw, lépp Lu ñu jënd lu ci mel ni ñoom lu ñi, lu ñi, lu ñi yittéwoo su ñu bëggee togg."
96
+ "Ñu ngi am pañe bu mag. Xam nanu si kulëeru sokolaa boo xam ne yaatoo yaatu la. Nit mën na ko jàpp def si ay ""bagaasam"" walla yóbb ko '""marché"" . Li ci ëpp jigéen ñi moom lañuy nduggee."
97
+ "Nataal bi, maa ngi ciy gis lu mel ni ab bãŋ. Bãŋ bi nag dañ koo teg ci aw xàll, bãŋ bi nag bãŋub ràbb la dañ koo ràbb rafet na lool nag neex a toog."
98
+ Nataal bii lu mel ni ay bãŋ la.
99
+ "bii nag, mun mel ni benn bunt moo fi ne. bunt bu rafet. te niñ ko wonee sax dafa mel ni dañ ko téj. ndaxte boo seetee nu mu ,mel, dañ ko xëcc ba mu së... mu serré. ba tax na, dafa mel ni sax pour nga dugg fa, faaw ñu ubbi la wala sax nga ñëw tiyé ci levier boobu noonu bi ñu wone pour nga man a duggu ci biir"
100
+ "Gis naa fi benn buntu bu nekk ci ag kër. Buntu bi nag, am na ci wetam beneen buntu dénk. Bunt bi am na lu weex ci diggante yi."
101
+ "Lii nag ab buntu la boo xam ne ndénk lanu ko defaree. Waaye nag dañu koo tëj, am na sax ab sëluur mooy jàppukaayu buntu bi ñu ubbi."
wolof-translate/wolof_translate/data/sentences/wolof_french.csv CHANGED
@@ -1,3 +1,15 @@
1
  french,wolof
2
- Comment allez-vous ?,Naka ógen def
3
- Je part jouer.,Mangui foowi.
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  french,wolof
2
+ Comment vous-portez vous,naka ŋgen def ?
3
+ J'arrive tout de suite chez toi.,Léegui léegui ma egg sa kër.
4
+ "J'en suis sûr, cette photo ci c'est la photo pris au moment où plusieurs personnes sont <mask> sont dedans et tendent leurs mains, ceux là sont assis, ceux là sont tendus et écrivent sur la photo quelque chose de bleu concernant la Casamance.",Waaw nataal bii nataal la boob ay nit ñu baree bari ñoo xam ni dañuy doxub ñaxtu ñoo ci nekk tàllal seen i loxo ñee sukku ñeel taxaw jodd di dox ñu bind ci kaw nataal bi lu xaw a baxa la bind ci laa kaasamãs.
5
+ "Devant moi, je vois sur cette photo beaucoup de personnes qui marchent rapidement et qui ont pliés leurs mains pour montrer une attitude pacifique.",Nataal bii maa ngi ciy janloog haa ay nit yu bari yuy dox di dox ab ñaxtu ñi ngi bank seen i loxo di wane ni lu amul benn taafar lañuy deme.
6
+ "Ceci, c'est des personnes qui sortent et qui marchent rapidement. Alors que les marcheurs portent leurs habits blancs et leurs pantalons bleus et sont sur la route entrain de montrer leur mauvais humeur. Ils écrivent au milieu de l'écriture française qui bleuis.","Lii, ay nit lañu yu génn di ñaxtu. Jëm yi nag ñu ngi sol seen i yére yu weex ak seen i tubéy yu baxa, nekk ci tali bi di wane seen aw naqar. Ñu ngi bind ci digg bi mbindum farañse mu baxa."
7
+ "Que la paix soit avec vous ! Ceux-là qui ressemblent à des personnes qui habitent en Casamance, un pays qui est au Sénégal, eux sont ceux qui montrent leurs mauvais humeur comme ça, se lèvent comme ça, les uns s'asseyent, les autres se lèvent, prennent leurs mains et les rassemblent pour montrer leurs mauvais humeur. Ils sont assis sur la route.","Salaawaalekum ! Ñii de, mel nañ ne, ay nit ñu dëkk kaasamaas, benn dëkk bu nekk Senegaal, ñoom ñooy wane seenuw naqar nii, daldi taxaw nii, ñenn ñi toog, ñenn ñi taxaw, jël seen loxo yi dajale ko ngir wane seenuw naqar. Ñoo ngi toog ci tali bi."
8
+ "Cette photo c'est une photo dans la quelle je vois des jeunes du pays qui semblent en colère contre ce qui s'est passé dans leur pays et que les anciens les ont laissés. J'en vois même ceux-là qui portent des habits blanc et des pantalons noirs. Beaucoup parmi eux portent ce que tu sais que sont des habits noirs et blancs, et d'autres qui portent des habits blancs. Ils sont levés sur la route qui elle semble remplie de pierres qui, peut-être, c'est eux qui les utilisait pour se battre contre les gendarmes. Sur cette photo j'en vois qui écrivent <mask> , ceux qui habitent en Casamance l'appellent Sigicor.","Nataal bi ab nataal la boo xamante yni maa ngi ciy gis ay ndawi réew yoo xamante ni daa mel ni dañuy naqarlu loo xamante ni xew na ca seen réew te seen njiitu réew teg leen ko. Maa ngi ciy gis nag ñoo xamante ni dañoo sol lu weex aki ay tubéy yu ñuul. Bari ci ñoo xamante ni sol nañu yoo xamante ni ay yére yu ñuul la ak yu bula, am na yit ñu sol yu bula. Ñu ngi taxaw si kow tali tali bi nag xaw naa bari ay xeer ńàkkul ni ñoo ko jëfandikoo ngir jàmmarloo ak way takk-der yi. CI kow nataal bi maa ngi gis ñu bind si bind boo xamante ni réewu, dëkk bi nu naan Kaasamaas ñu koy wax Siggicoor."
9
+ "Sur la photo, ont voit des personnes qui marchent rapidement ou qui s'opposent tout le temps aux gendarmes. C'était au Casamance. Ils ressemblent plus à des jeunes. C'était peut-être pour montrer quelque chose qui leur déplaisait.",Nataal bii ñoo ngi ciy gis ay nit ñuy ñaxtu walla di jàmmaarlook takk-der yi rekk. Caa Kaasamaas la woon. Aw ndaw lañ gën a nurool. Du ñàkk am lu leen metti ñu ko doon ñaxtu.
10
+ "Ont vois sur la photo beaucoup de personnes qui sont sorties sur la route, qui ont sortis leurs mains, les uns qui sont assis et lèvent leurs mains. Ils écrivent sur la photo ""La Casamance"", ce qui veut dire la région de Casamance.","Ñu gis ci nataal bi ay nit ñu bari ñu génn ci tali, ñu yékkati seen i loxo, ñenn ñi sukku yékkati seen loxo, ñu bind ci nataal bi ""La Casamance"", mooy diiwaanu Kaasamaas."
11
+ "C'est des poissons, oui. Il existe des catégories, y'en a des bleus et d'autres des rouges.","Jën la waaw, Wu am wirgo Wu baxa ak Wu xonq."
12
+ "Aah pour cette photo, c'est un poisson. Il existe trois catégories pour ce poisson. La première catégorie ce sont des jaunes, ceux qui suivent sont des bleus, et ceux qui suivent sont des blancs. Ce sont de jolies poissons.","Aah nataal bii nag, aw jën la. Jën wi mi ngi ame ñetti wirgo. Wirgo Wu jëkk Wi mboq la, Wu ci topp di bëlë, Wu ci topp di weex. Muy jën wu rafet."
13
+ "Cette photo datant d'il y a trente septs ans, j'y vois, semble-t-il, <mask> poisson. C'est un poisson qui a des couleurs. Les couleurs aussi y'en a du bleu, du marron, du blanc, et ce qui l'entoure c'est du blanc.","Nataalu fanweer ak juróom-ñaar, maa ngi ci gis lu mel ne lu taxam taxawaayu jën. Jën la woo xam ne itam dafa am ay kulëer. Kulëer yi tamit am na bulë, am na marõ, am na weex, lu ko wër lépp lu weex la."
14
+ "Ceci je pense que c'est nos parents Laobé qui l'ont conçu. J'y ai vu aussi une couleur qui est rouge et aussi une couleur qui est bleu. Oui, c'est cela que j'y ai vu.","Lii day suñu mbokki lawbe yi ñoo koy defar. Gis naa ci itam couleur bu xonqu, gis naa ci couleur bu bula. Waaw loolu de laa ci gis."
15
+ "Je pense que la photo que je vois là, c'est une photo dans laquelle on voit une région qui est très jolie, vraiment jolie. Il semble même <mask>, et en plus il y a de l'eau, des arbres verts, et tout. En plus la région est très jolie en tout cas et il y a du blanc dedans.","Man de nataal bii ma gis nii, nataal la boo xam ne ab dëkk bu rafet a rafet la, dëkk bi nag rafet na lool. Ba noppi mel ni yuñ ràbb daal, ba noppi am na ndox am na garab yu wert am yépp. Ba noppi dëkk bi rafet na lool daal am na lu weex."
wolof-translate/wolof_translate/data/wolof_writing/definitions.csv CHANGED
@@ -1027,7 +1027,7 @@ une chose,lenn
1027
  de toute façon,népp
1028
  l'autre,leneen li
1029
  l'autre partie,leneen li
1030
- l'un là-basMark,lenn lale
1031
  l'une des parties qui est là-bas,lenn lale
1032
  l'une des choses qui est là-bas,lenn lale
1033
  l'une des choses là-bas,lenn lale
 
1027
  de toute façon,népp
1028
  l'autre,leneen li
1029
  l'autre partie,leneen li
1030
+ l'un là-bas,lenn lale
1031
  l'une des parties qui est là-bas,lenn lale
1032
  l'une des choses qui est là-bas,lenn lale
1033
  l'une des choses là-bas,lenn lale