Skip to content
Snippets Groups Projects
Commit 8972cba3 authored by Julien Rabault's avatar Julien Rabault
Browse files

fix bug

parent c518e6be
No related branches found
No related tags found
1 merge request!1Draft: Master
......@@ -10,3 +10,6 @@ Clone the project locally. In a clean python venv do `pip install -r requirement
## How To use
TODO ...
tensorboard --logdir=logs
#!/bin/sh
#SBATCH --job-name=GPU-DEEPGRAIL-LSTM
#SBATCH --output=model_deepgrail.out
#SBATCH --error=model_deepgrail.err
#SBATCH --cpus-per-task=4
#SBATCH --partition=GPUNodes
#SBATCH --gres-flags=enforce-binding
#SBATCH --mail-type=END
#SBATCH --mail-user=caroline.de-pourtales@irit.fr
module purge
module load singularity/3.0.3
srun singularity exec /logiciels/containerCollections/CUDA11/pytorch-NGC-21-03-py3.sif python "train.py"
\ No newline at end of file
import pandas as pd
import torch
from tqdm import tqdm
from transformers import AutoModel, AutoTokenizer
from transformers import (CamembertModel, CamembertTokenizer)
from Configuration import Configuration
from SuperTagger.Encoder.EncoderInput import EncoderInput
from SuperTagger.Encoder.EncoderLayer import EncoderLayer
from SuperTagger.EncoderDecoder import EncoderDecoder
from SuperTagger.Symbol.SymbolTokenizer import SymbolTokenizer
from SuperTagger.Symbol.symbol_map import symbol_map
from SuperTagger.utils import read_csv_pgbar
# This is a sample Python script.
#########################
# Parameters
#########################
# Press Maj+F10 to execute it or replace it with your code.
# Press Double Shift to search everywhere for classes, files, tool windows, actions, and settings.
max_symbols_in_sentence = int(Configuration.modelDecoderConfig['max_symbols_in_sentence'])
max_len_sentence = int(Configuration.modelDecoderConfig['max_len_sentence'])
dim_decoder = int(Configuration.modelDecoderConfig['dim_decoder'])
symbols_vocab_size = int(Configuration.modelDecoderConfig['symbols_vocab_size'])
BASE_TOKENIZER = AutoTokenizer.from_pretrained(
'camembert-base',
do_lower_case=True)
BASE_MODEL = CamembertModel.from_pretrained("camembert-base")
symbols_tokenizer = SymbolTokenizer(symbol_map, max_symbols_in_sentence, max_len_sentence)
sents_tokenizer = EncoderInput(BASE_TOKENIZER)
model = EncoderDecoder(BASE_TOKENIZER, BASE_MODEL, symbol_map)
def print_hi(name):
# Use a breakpoint in the code line below to debug your script.
print(f'Hi, {name}') # Press Ctrl+F8 to toggle the breakpoint.
#########################
# Data
#########################
print("\n###\nLoading csv...")
file_path = 'Datasets/m2_dataset.csv'
data = read_csv_pgbar(file_path, 32)
sents_batch = data['Sentences']
symbols_batch = data["sub_tree"]
#########################
# Launching model / utilisation of forward and classifier example
#########################
symbols_tokenized_batch = symbols_tokenizer.convert_batchs_to_ids(symbols_batch)
sents_tokenized_batch, sents_mask_batch = sents_tokenizer.fit_transform_tensors(sents_batch.tolist())
# Press the green button in the gutter to run the script.
if __name__ == '__main__':
print_hi('PyCharm')
result = model(sents_tokenized_batch, sents_mask_batch, symbols_tokenized_batch)
print("token de la pharse 1", symbols_tokenized_batch[1].detach().numpy())
print("taille sortie de tout", result.shape)
print([ token for token in result[1].detach().numpy()])
print("argmax sur phrase 1 ", [ token for token in torch.argmax(torch.softmax(result, dim=2), dim=2)[1].detach().numpy()])
predict_trad = symbols_tokenizer.convert_ids_to_symbols(torch.argmax(result, dim=2)[1])
print("\ntext (", len(data['Sentences'][1].split()), ") : ", data['Sentences'][1])
print("\nsub (", len(data['sub_tree'][1]), ") : ", data['sub_tree'][1])
print("\nsub predict (", len([i for i in predict_trad if i != '[PAD]']), ") : ", predict_trad)
print("\n count sos (", len([i for i in predict_trad if i == '[SOS]']), ") : ")
# See PyCharm help at https://www.jetbrains.com/help/pycharm/
list_1 = ['/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\']
list_2 = ['/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', 'let', '[SEP]', '/', '\\', 'np', 's', '\\', 'np', 's_ppart', '[SEP]', '/', '\\', 'np', 's_ppart', 's_q', '[SEP]', '/', 's_q', 's', '[SEP]', '/', 'np', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\', 'n', 'n', 'n', '[SEP]', 'n', '[SEP]', '/', '\\']
print(list_1 == list_2)
\ No newline at end of file
0% Loading or .
You are about to add 0 people to the discussion. Proceed with caution.
Please register or to comment