diff --git a/.gitignore b/.gitignore
index e0ae686..787010c 100644
--- a/.gitignore
+++ b/.gitignore
@@ -1,176 +1,17 @@
-__pycache__/
-database/
-models/*.model
-labels_and_data/
-IPqM-Fall.zip
+/__pycache__
+/.venv
+/venv
-output/MLP/chest/*.png
-output/MLP/right/*.png
-output/MLP/left/*.png
+/database
+/labels_and_data
-output/CNN1D/chest/*.png
-output/CNN1D/right/*.png
-output/CNN1D/left/*.png
+builders/__pycache__
-# Byte-compiled / optimized / DLL files
-__pycache__/
-*.py[cod]
-*$py.class
+/output_old/
+/analise_global_old/
-# C extensions
-*.so
+Miniconda3-latest-Linux-x86_64.sh
+output/**/trial_*/*
-# Distribution / packaging
-.Python
-build/
-develop-eggs/
-dist/
-downloads/
-eggs/
-.eggs/
-lib/
-lib64/
-parts/
-sdist/
-var/
-wheels/
-share/python-wheels/
-*.egg-info/
-.installed.cfg
-*.egg
-MANIFEST
+*.npz
-# PyInstaller
-# Usually these files are written by a python script from a template
-# before PyInstaller builds the exe, so as to inject date/other infos into it.
-*.manifest
-*.spec
-
-# Installer logs
-pip-log.txt
-pip-delete-this-directory.txt
-
-# Unit test / coverage reports
-htmlcov/
-.tox/
-.nox/
-.coverage
-.coverage.*
-.cache
-nosetests.xml
-coverage.xml
-*.cover
-*.py,cover
-.hypothesis/
-.pytest_cache/
-cover/
-
-# Translations
-*.mo
-*.pot
-
-# Django stuff:
-*.log
-local_settings.py
-db.sqlite3
-db.sqlite3-journal
-
-# Flask stuff:
-instance/
-.webassets-cache
-
-# Scrapy stuff:
-.scrapy
-
-# Sphinx documentation
-docs/_build/
-
-# PyBuilder
-.pybuilder/
-target/
-
-# Jupyter Notebook
-.ipynb_checkpoints
-
-# IPython
-profile_default/
-ipython_config.py
-
-# pyenv
-# For a library or package, you might want to ignore these files since the code is
-# intended to run in multiple environments; otherwise, check them in:
-# .python-version
-
-# pipenv
-# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control.
-# However, in case of collaboration, if having platform-specific dependencies or dependencies
-# having no cross-platform support, pipenv may install dependencies that don't work, or not
-# install all needed dependencies.
-#Pipfile.lock
-
-# poetry
-# Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control.
-# This is especially recommended for binary packages to ensure reproducibility, and is more
-# commonly ignored for libraries.
-# https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control
-#poetry.lock
-
-# pdm
-# Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control.
-#pdm.lock
-# pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it
-# in version control.
-# https://pdm.fming.dev/latest/usage/project/#working-with-version-control
-.pdm.toml
-.pdm-python
-.pdm-build/
-
-# PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm
-__pypackages__/
-
-# Celery stuff
-celerybeat-schedule
-celerybeat.pid
-
-# SageMath parsed files
-*.sage.py
-
-# Environments
-.env
-.venv
-env/
-venv/
-ENV/
-env.bak/
-venv.bak/
-
-# Spyder project settings
-.spyderproject
-.spyproject
-
-# Rope project settings
-.ropeproject
-
-# mkdocs documentation
-/site
-
-# mypy
-.mypy_cache/
-.dmypy.json
-dmypy.json
-
-# Pyre type checker
-.pyre/
-
-# pytype static type analyzer
-.pytype/
-
-# Cython debug symbols
-cython_debug/
-
-# PyCharm
-# JetBrains specific template is maintained in a separate JetBrains.gitignore that can
-# be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore
-# and can be added to the global gitignore or merged into this file. For a more nuclear
-# option (not recommended) you can uncomment the following to ignore the entire idea folder.
-#.idea/
\ No newline at end of file
diff --git a/NeuralArchitectures.py b/NeuralArchitectures.py
deleted file mode 100644
index 15843b2..0000000
--- a/NeuralArchitectures.py
+++ /dev/null
@@ -1,151 +0,0 @@
-import torch
-import torch.nn as nn
-
-
-class CNN1D(nn.Module):
- def __init__(self, input_shape, n_conv_layers, first_conv_layer_size, num_dense_layers, first_dense_layer_size, num_labels=2):
- super(CNN1D, self).__init__()
-
- # filter_size = 50
- # kernel_size = 5
- # num_layers = 3
- # num_dense_layers = 2
- # dense_neurons = 100
-
- # learning_rate = 0.0001
- # decision_threshold = 0.5
-
- self.conv_layer = nn.ModuleList()
-
- # Hiperparametros definidos de forma fixa
- self.kernel_size = 3
- self.dropout_rate = 0.3
-
- self.max_pool = 2
- last_layer_channels = 0
- dense_neurons = first_dense_layer_size
- dense_layer_droprate = 4
-
- # Para cada seq de (Conv1d + ReLU + MaxPool1d + Dropout)
- for i in range(n_conv_layers):
-
- # PARA CONV1D: Se pading = 0 e stride = 1 |-> [batch, j, k] -> [batch, j*2, k - kernel + 1]
- if i == 0:
- self.conv_layer.append(
- nn.Conv1d(input_shape[1], first_conv_layer_size, self.kernel_size))
- last_layer_channels = first_conv_layer_size
- else:
- # past_layer_out = self.get_feature_size(i-1, n_channels_init)
- self.conv_layer.append(
- nn.Conv1d(last_layer_channels, last_layer_channels*2, self.kernel_size))
- last_layer_channels *= 2
- # Relu não altera as dimensoes do tensor - Função de Ativação
- self.conv_layer.append(nn.ReLU())
-
- # PARA MAXPOOL: Divide a metade |-> [batch, j, k] -> [batch, j, k/2]
- self.conv_layer.append(nn.MaxPool1d(self.max_pool))
- # Dropout não altera as dimensoes do tensor
- self.conv_layer.append(nn.Dropout(self.dropout_rate))
-
- # Camada Flatten
- self.flatten = nn.Flatten()
-
- # Simula n sequencias de (Conv1d(kenrnel_size) + MaxPool1D(max_pool)), baseado num numero inicial de passos e retorna o numero de features após essas operações
- last_layer_features = self.get_feature_size(
- n_conv_layers, input_shape[0])
-
- # Calcular com quantos neuronios a 1ª camada densa deve ter -> nº de canais * nº de features da última camada
- self.first_dense_input = last_layer_channels * last_layer_features
-
- self.fc_layers = nn.ModuleList()
- for i in range(num_dense_layers):
- if i == 0:
- self.fc_layers.append(
- nn.Linear(self.first_dense_input, dense_neurons))
- else:
- self.fc_layers.append(
- nn.Linear(dense_neurons, dense_neurons//dense_layer_droprate))
- dense_neurons //= dense_layer_droprate
- self.fc_layers.append(nn.ReLU())
-
- # Output Layer
- self.output_layer = nn.Linear(dense_neurons, 1)
-
- def get_feature_size(self, k, init_val):
- def feature_sequence(i, a0):
- if i == 0:
- return a0
- else:
- return (feature_sequence(i-1, a0) - self.kernel_size + 1) // self.max_pool
- return feature_sequence(k, init_val)
-
- def forward(self, x):
- # print("Input:", x.shape)
- # print()
- for layer in self.conv_layer:
- x = layer(x)
- # if layer._get_name() in ("Conv1d", "MaxPool1d"):
- # print(layer._get_name(), x.shape)
- # if layer._get_name() in ("MaxPool1d"): print()
-
- x = self.flatten(x) # x = x.view(x.size(0), -1)
- # print("Flatten:", x.shape)
- # print()
-
- for fc_layer in self.fc_layers:
- x = fc_layer(x)
- # if fc_layer._get_name() in ("Linear"):
- # print(fc_layer._get_name(), x.shape)
-
- # print()
- x = self.output_layer(x)
- # print("Output:", x.shape)
- # x = torch.softmax(x, dim=1)
- # x = torch.argmax(x, dim=1)
- # print("Argmax:", x.shape)
- return x
-
-
-class CustomMLP(nn.Module):
- def __init__(self, input_shape, num_asc_layers=1, num_desc_layers=3, num_labels=1):
- super(CustomMLP, self).__init__()
-
- if num_labels > 1:
- raise NotImplemented("Essa feature ainda não foi desenvolvida de forma estável")
-
- # Taxa de crescimento entre camadas
- self.asc_factor = 2
- # Taxa de decrescimento entre camadas
- self.desc_factor = 3
-
- self.layers = nn.ModuleList()
- self.dropout_factor = 0.6
- # Recebe como entrada input_shape tuple(N_observ, N_vari)
- # Caso Multivariado (N_vari > 1) - Add um flatten
- if input_shape[1] > 1: self.layers.append(nn.Flatten())
-
- input_shape = input_shape[0] * input_shape[1]
-
- for i in range(num_asc_layers):
- self.layers.append(nn.Linear(in_features=input_shape, out_features=input_shape * self.asc_factor))
- input_shape *= self.asc_factor
- self.layers.append(nn.ReLU())
- self.layers.append(nn.Dropout(self.dropout_factor))
-
- for i in range(num_desc_layers):
- self.layers.append(nn.Linear(in_features=input_shape, out_features=input_shape // self.desc_factor))
- input_shape //= self.desc_factor
- self.layers.append(nn.ReLU())
- self.layers.append(nn.Dropout(self.dropout_factor))
-
- self.layers.pop(-1)
- # Classificação binária -> Saida em um único neurônio
- self.output_layer = nn.Linear(in_features=input_shape, out_features=num_labels)
-
- def forward(self, x):
-
- for i, layer in enumerate(self.layers):
- x = layer(x)
- x = self.output_layer(x)
-
- return x
diff --git a/README.md b/README.md
index 2b99aab..22abbbe 100644
--- a/README.md
+++ b/README.md
@@ -1,83 +1,219 @@
-# Fall-Detect
+# Fall Detect PyTorch
-### Antes de tudo
-Com o objetivo de isolar o projeto, é recomendado a criação de um ambiente virtual do python:
+Adaptação para o PyTorch do trabalho original : https://AILAB-CEFET-RJ/falldetection
-```
-python3 -m venv nome-do-enviroment
-```
+Baseado no artigo (não publicado) - A Machine Learning Approach to Automatic Fall Detection of Soldiers: https://arxiv.org/abs/2501.15655v2
-## Importação dos dados
+Além da adaptação, K-Fold Cross Validation e o modelo LSTM foi implementado e testado junto aos demais.
-Para execução desse repositório, será necessário utilizar os requisitos descritos no arquivo requirements.txt. É possivel instalar todos os pacotes necessários com o unico comando abaixo:
+Os sensores no trabalho original não são combinados (left, chest, right), por motivos de "escolher o melhor".
-```
-cd fall-detect/
+Suporta 3 arquiteturas de redes neurais, **CNN1D**, **MLP** e **LSTM**, com **otimização bayesiana de hiperparâmetros via Optuna**.
+
+Também foi implementado o Early Stopping e o Median Pruning do Optuna.
+
+## Funcionalidades
+
+- **3 Arquiteturas de Redes Neurais**: CNN1D, MLP, LSTM
+- **Otimização Bayesiana**: Via Optuna com Early Stopping
+- **Análise de Importância**: Permutation Feature Importance
+- **Explicabilidade**: Análise SHAP para interpretabilidade
+- **Curvas de Aprendizado**: Análise de performance vs dados
+- **Validação Cruzada**: K-Fold Cross Validation
+- **Pipeline Automatizado**: Script `all.sh` para execução completa
+- **Análise Global**: Comparações entre modelos e cenários
+
+## Instalação e Configuração
+
+### 1. Instale as dependências
+
+```bash
pip install -r requirements.txt
```
-Após instalação dos pacotes necessários, importaremos a base de dados a ser utilizada. Essa a base de dados encontra-se diposnível publicamente [aqui](https://zenodo.org/records/12760391).
+### 2. Baixe e Descompacte os Dados Originais
+Disponível em: https://zenodo.org/records/12760391
-## Geração dos datasets
+### 3. Gere os Datasets e Labels
+```bash
+python generate_datasets.py chest
+python generate_datasets.py left
+python generate_datasets.py right
+```
-Uma vez com os pacotes necessários instalados e a base de dados baixada e **descompactada**. Será realizado a criação do dataset através dos comandos:
+### 4. Valide os Datasets
+```bash
+python validate_datasets.py
```
-python3 training_data_generator.py chest
-python3 training_data_generator.py right
-python3 training_data_generator.py left
+
+## Configurações
+
+O arquivo `config.py` centraliza todas as configurações do projeto:
+
+- **Dispositivo**: Configuração automática de GPU/CPU
+- **Seeds**: Reprodutibilidade dos experimentos
+- **Diretórios**: Caminhos para dados e saídas
+- **Cenários**: Configurações dos diferentes cenários de dados
+- **Hiperparâmetros**: Ranges para otimização
+- **Treinamento**: Configurações de treinamento
+
+## Modos de Execução
+
+### Pipeline Automatizado Completo
+
+```bash
+# Executar pipeline completo para múltiplas configurações
+bash all.sh
```
-Uma vez com o dataset de cada modalidade (chest, right e left) criado é possivel seguir para a etapa de treinamento da Rede Neural.
+O script `all.sh` executa automaticamente:
+1. Validação dos datasets
+2. Busca de hiperparâmetros (se necessário)
+3. Treinamento final (se necessário)
+4. Permutation Feature Importance
+5. Curvas de aprendizado
+6. Análise SHAP
+7. Análise global
+
+## Cenários Disponíveis
-## Treinamento e Plotagem
-Para o treinamento, execute o script `training.py` com os parâmetros que deseja como **cenários**, **sensor**, **tipo de classificação**, etc. Em caso de dúvidas, verifique seção de **--help** do script.
+- **Sc1_acc_T**: Acelerômetro magnitude, domínio temporal
+- **Sc1_gyr_T**: Giroscópio magnitude, domínio temporal
+- **Sc1_acc_F**: Acelerômetro magnitude, domínio frequência
+- **Sc1_gyr_F**: Giroscópio magnitude, domínio frequência
+- **Sc_2_acc_T**: Acelerômetro 3 eixos, domínio temporal
+- **Sc_2_gyr_T**: Giroscópio 3 eixos, domínio temporal
+- **Sc_2_acc_F**: Acelerômetro 3 eixos, domínio frequência
+- **Sc_2_gyr_F**: Giroscópio 3 eixos, domínio frequência
+- **Sc_3_T**: Acelerômetro + Giroscópio magnitude, domínio temporal
+- **Sc_3_F**: Acelerômetro + Giroscópio magnitude, domínio frequência
+- **Sc_4_T**: Acelerômetro + Giroscópio 3 eixos, domínio temporal (Recomendado)
+- **Sc_4_F**: Acelerômetro + Giroscópio 3 eixos, domínio frequência
+> **Nota**: Sc_4_T é o cenário mais informativo e recomendado para análise.
+
+O mais indicado seria um cenário 5, com:
+- **Sc_5_T**: Acelerômetro + Giroscópio 3 eixos, + Magnitudes, domínio temporal
+
+## Posições
+
+- **chest**: Dados do peito (1020 samples) (Recomendado)
+- **left**: Dados do lado esquerdo (450 samples)
+- **right**: Dados do lado direito (450 samples)
+
+## Tipos de Labels
+
+- **binary_one**: Classificação binária (2 classes)
+- **binary_two**: Classificação binária alternativa (2 classes) (Recomendado)
+
+## Modelos de Rede Neural
+
+- **CNN1D**: Rede neural convolucional 1D
+- **MLP**: Multi-layer perceptron
+- **LSTM**: Long short-term memory
+
+## Estrutura do Projeto
+
+```
+fall-detect/
+├── config.py # Configurações centralizadas
+├── hyperparameter_search.py # Script para busca de hiperparâmetros
+├── post_trials.py # Processamento pós-trials do Optuna
+├── final_training.py # Script para treinamento final + análise
+├── utils.py # Funções utilitárias organizadas
+├── neural_networks.py # Arquiteturas das redes neurais
+├── requirements.txt # Dependências
+├── all.sh # Pipeline automatizado completo
+├── analysis.py # Análise global dos resultados
+├── learning_curve.py # Geração de curva de aprendizado
+├── permutation_importance.py # Permutation Feature Importance
+├── shap_importance.py # Análise SHAP para explicabilidade
+├── validate_datasets.py # Validação dos datasets gerados
+├── generate_datasets.py # Geração de datasets
+├── builders/ # Builders para dados
+├── labels_and_data/ # Dados e labels
+├── database/ # Base de dados
+├── analise_global/ # Resultados agregados e gráficos
+└── README.md # Este arquivo
```
-------------------------------------------------------------------------------------------
-Exemplos:
-
-python3 training.py -s Sc1_acc_T -p chest -l binary_one -nn CNN1D -c 2 -d 3
-python3 training.py -s Sc_2_acc_F -p chest -nn CNN1D --n_conv 2 --n_dense 3 --epochs 10
-------------------------------------------------------------------------------------------
-
-
-> python3 training.py -s Sc_2_gyr_T -p chest -nn MLP --epochs 50
-
-------------------------------------------------------------------------------------------
-Datasets | Labels
-------------------------------------------------------------------------------------------
-Treinamento: torch.Size([3622, 3, 1020]) | torch.Size([3622]) | 3182(87%)-440(12%)
-Validação: torch.Size([967, 3, 1020]) | torch.Size([967]) | 849(87%)-118(12%)
-Teste: torch.Size([1449, 3, 1020]) | torch.Size([1449]) | 1273(87%)-176(12%)
-------------------------------------------------------------------------------------------
-Arquitetura da Rede Neural:
-...
-...
-...
-------------------------------------------------------------------------------------------
-[ 1/50] train_loss: 1.01968 valid_loss: 0.44025
-[ 2/50] train_loss: 0.45207 valid_loss: 0.42807
-[ 3/50] train_loss: 0.44221 valid_loss: 0.42522
-...
-[49/50] train_loss: 0.42600 valid_loss: 0.42295
-[50/50] train_loss: 0.43025 valid_loss: 0.42292
-Gráfico de Perda gerado com sucesso. (Verifique o diretório ...)
-...
-
-Relatório de classificação no dataset de treino:
- precision recall f1-score support
-
- 0 0.81 0.91 0.86 176
- 1 0.99 0.97 0.98 1273
-
- accuracy 0.96 1449
- macro avg 0.90 0.94 0.92 1449
-weighted avg 0.97 0.96 0.96 1449
+## Saídas Geradas
+
+### Busca de Hiperparâmetros
+- `best_hyperparameters.json`: Melhores hiperparâmetros encontrados
+- `test_data.npz`: Dados de treino/validação e teste salvos
+- `optuna_trials.csv`: Resultados de todos os trials
+- `param_importance.png`/`.html`: Importância dos hiperparâmetros
+- Diretórios `trial_X/`: Resultados de cada trial do Optuna
+
+### Treinamento Final + Análise
+- Diretórios `model_X/`: Resultados de cada modelo treinado
+ - `model_X.pt`: Modelo salvo
+ - `metrics_model_X.csv`/`.txt`: Métricas do modelo
+ - `loss_curve_model_X.png`: Curva de loss
+ - `confusion_matrix_model_X.png`: Matriz de confusão
+ - `roc_curve_model_X.png`: Curva ROC
+ - `classification_report_model_X.txt`: Relatório de classificação
+- **Análise automática:**
+ - `all_metrics.csv`: Métricas de todos os modelos
+ - `summary_metrics.csv`: Estatísticas resumidas
+ - `metrics_boxplot.png`: Boxplot das métricas
+ - `best_models/`: Diretório com cópias dos melhores modelos
+
+### Permutation Importance
+- `permutation_importance.csv`: Importância das features via permutação
+- `permutation_importance.png`: Gráfico de importância das features
+
+### Curva de Aprendizado
+- `learning_curve.csv`: Dados da curva de aprendizado
+- `learning_curve_metrics.csv`: Métricas por fração de dados
+- `learning_curve.png`: Gráfico da curva de aprendizado
+
+### Análise SHAP
+- `shap_values_*.npy`: Valores SHAP salvos
+- `shap_importance_*.csv`: Importância das features via SHAP
+- `shap_importance_*.png`: Gráficos de importância SHAP
+- `shap_importance_class*_*.csv/png`: Análise por classe
+
+### Análise Global (`analise_global/`)
+- **Boxplots**: Comparações entre modelos e métricas
+- **Curvas ROC**: Comparações de performance
+- **Matrizes de Confusão**: Agregadas por modelo
+- **Curvas de Aprendizado**: Comparações de learning curves
+- **Importância de Features**: Permutation e SHAP
+- **Análise Optuna**: Convergência e importância de parâmetros
+- **Relatórios de Classificação**: Métricas detalhadas
+
+Aqui, focamos em gerar o melhor modelo, são dispositivos diferentes com frequências diferentes, além de que precisariamos das 3 entradas para funcionar, então foi usado para análise o dataset do peito.
+
+## Exemplos de Uso
+
+### Execução Rápida (Recomendado)
+```bash
+# Pipeline completo para o cenário mais informativo
+bash all.sh
```
-Após o treinamento será gerado um grafico, no diretório indicado, para análise do desempenho da rede neural ao longo do treinamento e será aplicado o `classification_report` com o dataset de teste.
----
+### Execução Personalizada
+```bash
+# 1. Validar datasets
+python validate_datasets.py
+
+# 2. Buscar hiperparâmetros para LSTM
+python hyperparameter_search.py -scenario Sc_4_T -position chest -label_type binary_two --nn LSTM
+
+# 3. Treinar modelos finais
+python final_training.py -scenario Sc_4_T -position chest -label_type binary_two --nn LSTM --num_models 20
-#### Observações
-Alguns arquivos presentes no repositório servem apenas como comparação com o projeto original (`run_of_the_neural_network_model.py` ou `model_builders/`) ou auxilio (`commands.txt`).
\ No newline at end of file
+# 4. Análise de importância
+python permutation_importance.py -scenario Sc_4_T -position chest -label_type binary_two --nn LSTM
+
+# 5. Curva de aprendizado
+python learning_curve.py -scenario Sc_4_T -position chest -label_type binary_two --nn LSTM
+
+# 6. Análise SHAP
+python shap_importance.py -scenario Sc_4_T -position chest -label_type binary_two --nn LSTM
+
+# 7. Análise global
+python analysis.py
+```
diff --git a/agg_results.json b/agg_results.json
deleted file mode 100644
index ddd32bf..0000000
--- a/agg_results.json
+++ /dev/null
@@ -1,2018 +0,0 @@
-{
- "Sc1_acc_F_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.8913043478260869,
- "recall": 0.6988636363636364,
- "f1-score": 0.7834394904458599,
- "support": 176.0
- },
- "1": {
- "precision": 0.9595728451563692,
- "recall": 0.9882168106834249,
- "f1-score": 0.9736842105263158,
- "support": 1273.0
- },
- "accuracy": 0.9530710835058661,
- "macro avg": {
- "precision": 0.9254385964912281,
- "recall": 0.8435402235235306,
- "f1-score": 0.8785618504860879,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9512807433412348,
- "recall": 0.9530710835058661,
- "f1-score": 0.9505765012549837,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.0,
- "recall": 0.0,
- "f1-score": 0.0,
- "support": 176.0
- },
- "1": {
- "precision": 0.8785369220151829,
- "recall": 1.0,
- "f1-score": 0.9353416605437178,
- "support": 1273.0
- },
- "accuracy": 0.8785369220151829,
- "macro avg": {
- "precision": 0.4392684610075914,
- "recall": 0.5,
- "f1-score": 0.4676708302718589,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.7718271233439116,
- "recall": 0.8785369220151829,
- "f1-score": 0.8217321834866479,
- "support": 1449.0
- }
- }
- },
- "Sc1_acc_F_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9551282051282052,
- "recall": 0.8465909090909091,
- "f1-score": 0.8975903614457831,
- "support": 176.0
- },
- "1": {
- "precision": 0.9791987673343605,
- "recall": 0.9945226917057903,
- "f1-score": 0.9868012422360248,
- "support": 1278.0
- },
- "accuracy": 0.9766162310866575,
- "macro avg": {
- "precision": 0.9671634862312828,
- "recall": 0.9205568003983498,
- "f1-score": 0.942195801840904,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9762851366959263,
- "recall": 0.9766162310866575,
- "f1-score": 0.9760026761981414,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8909090909090909,
- "recall": 0.8352272727272727,
- "f1-score": 0.8621700879765396,
- "support": 176.0
- },
- "1": {
- "precision": 0.9775019394879751,
- "recall": 0.9859154929577465,
- "f1-score": 0.9816906895208415,
- "support": 1278.0
- },
- "accuracy": 0.96767537826685,
- "macro avg": {
- "precision": 0.934205515198533,
- "recall": 0.9105713828425096,
- "f1-score": 0.9219303887486905,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9670202741854418,
- "recall": 0.96767537826685,
- "f1-score": 0.9672232714522052,
- "support": 1454.0
- }
- }
- },
- "Sc1_acc_F_right": {
- "CNN1D": {
- "0": {
- "precision": 0.8648648648648649,
- "recall": 0.903954802259887,
- "f1-score": 0.8839779005524862,
- "support": 177.0
- },
- "1": {
- "precision": 0.9863013698630136,
- "recall": 0.9799839871897518,
- "f1-score": 0.983132530120482,
- "support": 1249.0
- },
- "accuracy": 0.97054698457223,
- "macro avg": {
- "precision": 0.9255831173639393,
- "recall": 0.9419693947248193,
- "f1-score": 0.9335552153364841,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9712282552875071,
- "recall": 0.97054698457223,
- "f1-score": 0.9708251181755062,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.956140350877193,
- "recall": 0.615819209039548,
- "f1-score": 0.7491408934707904,
- "support": 177.0
- },
- "1": {
- "precision": 0.948170731707317,
- "recall": 0.9959967974379503,
- "f1-score": 0.9714955095665756,
- "support": 1249.0
- },
- "accuracy": 0.9488078541374474,
- "macro avg": {
- "precision": 0.952155541292255,
- "recall": 0.8059080032387491,
- "f1-score": 0.860318201518683,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.949159948111993,
- "recall": 0.9488078541374474,
- "f1-score": 0.9438960936837186,
- "support": 1426.0
- }
- }
- },
- "Sc1_acc_T_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.7514450867052023,
- "recall": 0.7386363636363636,
- "f1-score": 0.7449856733524355,
- "support": 176.0
- },
- "1": {
- "precision": 0.9639498432601881,
- "recall": 0.9662215239591516,
- "f1-score": 0.9650843468026677,
- "support": 1273.0
- },
- "accuracy": 0.9385783298826778,
- "macro avg": {
- "precision": 0.8576974649826952,
- "recall": 0.8524289437977577,
- "f1-score": 0.8550350100775517,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9381383614426053,
- "recall": 0.9385783298826778,
- "f1-score": 0.9383504844650273,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.0,
- "recall": 0.0,
- "f1-score": 0.0,
- "support": 176.0
- },
- "1": {
- "precision": 0.8785369220151829,
- "recall": 1.0,
- "f1-score": 0.9353416605437178,
- "support": 1273.0
- },
- "accuracy": 0.8785369220151829,
- "macro avg": {
- "precision": 0.4392684610075914,
- "recall": 0.5,
- "f1-score": 0.4676708302718589,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.7718271233439116,
- "recall": 0.8785369220151829,
- "f1-score": 0.8217321834866479,
- "support": 1449.0
- }
- }
- },
- "Sc1_acc_T_left": {
- "CNN1D": {
- "0": {
- "precision": 0.6290909090909091,
- "recall": 0.9829545454545454,
- "f1-score": 0.7671840354767184,
- "support": 176.0
- },
- "1": {
- "precision": 0.9974554707379135,
- "recall": 0.92018779342723,
- "f1-score": 0.9572649572649573,
- "support": 1278.0
- },
- "accuracy": 0.9277854195323246,
- "macro avg": {
- "precision": 0.8132731899144113,
- "recall": 0.9515711694408877,
- "f1-score": 0.8622244963708379,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9528666379663367,
- "recall": 0.9277854195323246,
- "f1-score": 0.9342565375711952,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.910958904109589,
- "recall": 0.7556818181818182,
- "f1-score": 0.8260869565217391,
- "support": 176.0
- },
- "1": {
- "precision": 0.9671253822629969,
- "recall": 0.9898278560250391,
- "f1-score": 0.9783449342614076,
- "support": 1278.0
- },
- "accuracy": 0.9614855570839065,
- "macro avg": {
- "precision": 0.939042143186293,
- "recall": 0.8727548371034286,
- "f1-score": 0.9022159453915733,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9603266888964221,
- "recall": 0.9614855570839065,
- "f1-score": 0.9599148076574311,
- "support": 1454.0
- }
- }
- },
- "Sc1_acc_T_right": {
- "CNN1D": {
- "0": {
- "precision": 0.7981220657276995,
- "recall": 0.96045197740113,
- "f1-score": 0.8717948717948718,
- "support": 177.0
- },
- "1": {
- "precision": 0.9942291838417148,
- "recall": 0.9655724579663731,
- "f1-score": 0.9796913078797725,
- "support": 1249.0
- },
- "accuracy": 0.9649368863955119,
- "macro avg": {
- "precision": 0.8961756247847071,
- "recall": 0.9630122176837516,
- "f1-score": 0.9257430898373222,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9698876972314898,
- "recall": 0.9649368863955119,
- "f1-score": 0.9662988329940592,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8768115942028986,
- "recall": 0.6836158192090396,
- "f1-score": 0.7682539682539683,
- "support": 177.0
- },
- "1": {
- "precision": 0.9565217391304348,
- "recall": 0.9863891112890312,
- "f1-score": 0.9712258573117856,
- "support": 1249.0
- },
- "accuracy": 0.9488078541374474,
- "macro avg": {
- "precision": 0.9166666666666667,
- "recall": 0.8350024652490353,
- "f1-score": 0.8697399127828769,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9466278431611683,
- "recall": 0.9488078541374474,
- "f1-score": 0.9460322918396722,
- "support": 1426.0
- }
- }
- },
- "Sc1_gyr_F_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.993421052631579,
- "recall": 0.8579545454545454,
- "f1-score": 0.9207317073170732,
- "support": 176.0
- },
- "1": {
- "precision": 0.9807247494217425,
- "recall": 0.9992144540455616,
- "f1-score": 0.9898832684824903,
- "support": 1273.0
- },
- "accuracy": 0.9820565907522429,
- "macro avg": {
- "precision": 0.9870729010266608,
- "recall": 0.9285844997500535,
- "f1-score": 0.9553074878997818,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9822668814886378,
- "recall": 0.9820565907522429,
- "f1-score": 0.9814839070158834,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9790209790209791,
- "recall": 0.7954545454545454,
- "f1-score": 0.877742946708464,
- "support": 176.0
- },
- "1": {
- "precision": 0.9724349157733537,
- "recall": 0.997643362136685,
- "f1-score": 0.9848778596355177,
- "support": 1273.0
- },
- "accuracy": 0.9730848861283644,
- "macro avg": {
- "precision": 0.9757279473971664,
- "recall": 0.8965489537956153,
- "f1-score": 0.9313104031719908,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.973234879287213,
- "recall": 0.9730848861283644,
- "f1-score": 0.9718649233517623,
- "support": 1449.0
- }
- }
- },
- "Sc1_gyr_F_left": {
- "CNN1D": {
- "0": {
- "precision": 0.8944099378881988,
- "recall": 0.8181818181818182,
- "f1-score": 0.8545994065281899,
- "support": 176.0
- },
- "1": {
- "precision": 0.9752513534416086,
- "recall": 0.986697965571205,
- "f1-score": 0.9809412679891093,
- "support": 1278.0
- },
- "accuracy": 0.9662998624484181,
- "macro avg": {
- "precision": 0.9348306456649037,
- "recall": 0.9024398918765116,
- "f1-score": 0.9177703372586496,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.965465872604332,
- "recall": 0.9662998624484181,
- "f1-score": 0.9656481678397819,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.959349593495935,
- "recall": 0.6704545454545454,
- "f1-score": 0.7892976588628763,
- "support": 176.0
- },
- "1": {
- "precision": 0.9564237415477085,
- "recall": 0.9960876369327074,
- "f1-score": 0.97585281717133,
- "support": 1278.0
- },
- "accuracy": 0.9566712517193948,
- "macro avg": {
- "precision": 0.9578866675218217,
- "recall": 0.8332710911936264,
- "f1-score": 0.8825752380171031,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9567779024437799,
- "recall": 0.9566712517193948,
- "f1-score": 0.9532711749001553,
- "support": 1454.0
- }
- }
- },
- "Sc1_gyr_F_right": {
- "CNN1D": {
- "0": {
- "precision": 0.8580246913580247,
- "recall": 0.7853107344632768,
- "f1-score": 0.8200589970501475,
- "support": 177.0
- },
- "1": {
- "precision": 0.9699367088607594,
- "recall": 0.9815852682145717,
- "f1-score": 0.9757262236370872,
- "support": 1249.0
- },
- "accuracy": 0.9572230014025246,
- "macro avg": {
- "precision": 0.913980700109392,
- "recall": 0.8834480013389243,
- "f1-score": 0.8978926103436173,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9560458062675027,
- "recall": 0.9572230014025246,
- "f1-score": 0.9564042747549776,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8606060606060606,
- "recall": 0.8022598870056498,
- "f1-score": 0.8304093567251462,
- "support": 177.0
- },
- "1": {
- "precision": 0.972244250594766,
- "recall": 0.9815852682145717,
- "f1-score": 0.9768924302788845,
- "support": 1249.0
- },
- "accuracy": 0.9593267882187938,
- "macro avg": {
- "precision": 0.9164251556004133,
- "recall": 0.8919225776101107,
- "f1-score": 0.9036508935020153,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9583873364096321,
- "recall": 0.9593267882187938,
- "f1-score": 0.958710449900896,
- "support": 1426.0
- }
- }
- },
- "Sc1_gyr_T_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.950920245398773,
- "recall": 0.8806818181818182,
- "f1-score": 0.9144542772861357,
- "support": 176.0
- },
- "1": {
- "precision": 0.9836702954898912,
- "recall": 0.9937156323644933,
- "f1-score": 0.9886674482219617,
- "support": 1273.0
- },
- "accuracy": 0.9799861973775017,
- "macro avg": {
- "precision": 0.9672952704443321,
- "recall": 0.9371987252731557,
- "f1-score": 0.9515608627540487,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.979692373601667,
- "recall": 0.9799861973775017,
- "f1-score": 0.979653288053083,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8633879781420765,
- "recall": 0.8977272727272727,
- "f1-score": 0.8802228412256268,
- "support": 176.0
- },
- "1": {
- "precision": 0.985781990521327,
- "recall": 0.9803613511390417,
- "f1-score": 0.9830641985033478,
- "support": 1273.0
- },
- "accuracy": 0.9703243616287095,
- "macro avg": {
- "precision": 0.9245849843317018,
- "recall": 0.9390443119331572,
- "f1-score": 0.9316435198644872,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9709156370508314,
- "recall": 0.9703243616287095,
- "f1-score": 0.9705727707042595,
- "support": 1449.0
- }
- }
- },
- "Sc1_gyr_T_left": {
- "CNN1D": {
- "0": {
- "precision": 0.8944099378881988,
- "recall": 0.8181818181818182,
- "f1-score": 0.8545994065281899,
- "support": 176.0
- },
- "1": {
- "precision": 0.9752513534416086,
- "recall": 0.986697965571205,
- "f1-score": 0.9809412679891093,
- "support": 1278.0
- },
- "accuracy": 0.9662998624484181,
- "macro avg": {
- "precision": 0.9348306456649037,
- "recall": 0.9024398918765116,
- "f1-score": 0.9177703372586496,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.965465872604332,
- "recall": 0.9662998624484181,
- "f1-score": 0.9656481678397819,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8181818181818182,
- "recall": 0.8693181818181818,
- "f1-score": 0.8429752066115702,
- "support": 176.0
- },
- "1": {
- "precision": 0.9818468823993686,
- "recall": 0.97339593114241,
- "f1-score": 0.9776031434184675,
- "support": 1278.0
- },
- "accuracy": 0.9607977991746905,
- "macro avg": {
- "precision": 0.9000143502905934,
- "recall": 0.9213570564802959,
- "f1-score": 0.9102891750150188,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.962035980540848,
- "recall": 0.9607977991746905,
- "f1-score": 0.9613070520305624,
- "support": 1454.0
- }
- }
- },
- "Sc1_gyr_T_right": {
- "CNN1D": {
- "0": {
- "precision": 0.8571428571428571,
- "recall": 0.847457627118644,
- "f1-score": 0.8522727272727273,
- "support": 177.0
- },
- "1": {
- "precision": 0.9784172661870504,
- "recall": 0.9799839871897518,
- "f1-score": 0.9792,
- "support": 1249.0
- },
- "accuracy": 0.9635343618513323,
- "macro avg": {
- "precision": 0.9177800616649537,
- "recall": 0.9137208071541979,
- "f1-score": 0.9157363636363636,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9633642715160671,
- "recall": 0.9635343618513323,
- "f1-score": 0.9634453525436696,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9219858156028369,
- "recall": 0.7344632768361582,
- "f1-score": 0.8176100628930818,
- "support": 177.0
- },
- "1": {
- "precision": 0.9634241245136187,
- "recall": 0.9911929543634908,
- "f1-score": 0.9771112865035517,
- "support": 1249.0
- },
- "accuracy": 0.9593267882187938,
- "macro avg": {
- "precision": 0.9427049700582277,
- "recall": 0.8628281155998245,
- "f1-score": 0.8973606746983167,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9582806598030938,
- "recall": 0.9593267882187938,
- "f1-score": 0.9573134487903308,
- "support": 1426.0
- }
- }
- },
- "Sc_2_acc_F_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.8888888888888888,
- "recall": 0.9090909090909091,
- "f1-score": 0.898876404494382,
- "support": 176.0
- },
- "1": {
- "precision": 0.987391646966115,
- "recall": 0.9842890809112333,
- "f1-score": 0.985837922895358,
- "support": 1273.0
- },
- "accuracy": 0.9751552795031055,
- "macro avg": {
- "precision": 0.9381402679275019,
- "recall": 0.9466899950010712,
- "f1-score": 0.94235716369487,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9754271987800612,
- "recall": 0.9751552795031055,
- "f1-score": 0.9752753092041422,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9862068965517241,
- "recall": 0.8125,
- "f1-score": 0.8909657320872274,
- "support": 176.0
- },
- "1": {
- "precision": 0.9746932515337423,
- "recall": 0.9984289080911233,
- "f1-score": 0.986418315871168,
- "support": 1273.0
- },
- "accuracy": 0.9758454106280193,
- "macro avg": {
- "precision": 0.9804500740427332,
- "recall": 0.9054644540455616,
- "f1-score": 0.9386920239791977,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9760917342964509,
- "recall": 0.9758454106280193,
- "f1-score": 0.9748243512431669,
- "support": 1449.0
- }
- }
- },
- "Sc_2_acc_F_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9116022099447514,
- "recall": 0.9375,
- "f1-score": 0.9243697478991597,
- "support": 176.0
- },
- "1": {
- "precision": 0.9913589945011784,
- "recall": 0.9874804381846636,
- "f1-score": 0.9894159153273226,
- "support": 1278.0
- },
- "accuracy": 0.9814305364511692,
- "macro avg": {
- "precision": 0.9514806022229649,
- "recall": 0.9624902190923318,
- "f1-score": 0.9568928316132412,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9817048032481309,
- "recall": 0.9814305364511692,
- "f1-score": 0.9815423764914514,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 1.0,
- "recall": 0.23295454545454544,
- "f1-score": 0.3778801843317972,
- "support": 176.0
- },
- "1": {
- "precision": 0.9044585987261147,
- "recall": 1.0,
- "f1-score": 0.9498327759197325,
- "support": 1278.0
- },
- "accuracy": 0.9071526822558459,
- "macro avg": {
- "precision": 0.9522292993630573,
- "recall": 0.6164772727272727,
- "f1-score": 0.6638564801257648,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9160234450976441,
- "recall": 0.9071526822558459,
- "f1-score": 0.8806005502529672,
- "support": 1454.0
- }
- }
- },
- "Sc_2_acc_F_right": {
- "CNN1D": {
- "0": {
- "precision": 0.9594594594594594,
- "recall": 0.8022598870056498,
- "f1-score": 0.8738461538461538,
- "support": 177.0
- },
- "1": {
- "precision": 0.9726134585289515,
- "recall": 0.9951961569255404,
- "f1-score": 0.9837752275425405,
- "support": 1249.0
- },
- "accuracy": 0.9712482468443198,
- "macro avg": {
- "precision": 0.9660364589942054,
- "recall": 0.8987280219655951,
- "f1-score": 0.9288106906943472,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9709807391493582,
- "recall": 0.9712482468443198,
- "f1-score": 0.9701304547204784,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9285714285714286,
- "recall": 0.6610169491525424,
- "f1-score": 0.7722772277227723,
- "support": 177.0
- },
- "1": {
- "precision": 0.9538461538461539,
- "recall": 0.9927942353883107,
- "f1-score": 0.9729305610043154,
- "support": 1249.0
- },
- "accuracy": 0.9516129032258065,
- "macro avg": {
- "precision": 0.9412087912087912,
- "recall": 0.8269055922704265,
- "f1-score": 0.8726038943635439,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.950708968450904,
- "recall": 0.9516129032258065,
- "f1-score": 0.9480247826096218,
- "support": 1426.0
- }
- }
- },
- "Sc_2_acc_T_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.9482758620689655,
- "recall": 0.9375,
- "f1-score": 0.9428571428571428,
- "support": 176.0
- },
- "1": {
- "precision": 0.9913725490196078,
- "recall": 0.992930086410055,
- "f1-score": 0.9921507064364207,
- "support": 1273.0
- },
- "accuracy": 0.9861973775017253,
- "macro avg": {
- "precision": 0.9698242055442867,
- "recall": 0.9652150432050275,
- "f1-score": 0.9675039246467818,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9861378927716347,
- "recall": 0.9861973775017253,
- "f1-score": 0.9861633584792413,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.98125,
- "recall": 0.8920454545454546,
- "f1-score": 0.9345238095238095,
- "support": 176.0
- },
- "1": {
- "precision": 0.9852598913886734,
- "recall": 0.997643362136685,
- "f1-score": 0.9914129586260734,
- "support": 1273.0
- },
- "accuracy": 0.9848171152518979,
- "macro avg": {
- "precision": 0.9832549456943367,
- "recall": 0.9448444083410699,
- "f1-score": 0.9629683840749415,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9847728376382204,
- "recall": 0.9848171152518979,
- "f1-score": 0.9845030274721751,
- "support": 1449.0
- }
- }
- },
- "Sc_2_acc_T_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9491525423728814,
- "recall": 0.9545454545454546,
- "f1-score": 0.9518413597733711,
- "support": 176.0
- },
- "1": {
- "precision": 0.9937353171495693,
- "recall": 0.9929577464788732,
- "f1-score": 0.9933463796477495,
- "support": 1278.0
- },
- "accuracy": 0.9883081155433288,
- "macro avg": {
- "precision": 0.9714439297612254,
- "recall": 0.9737516005121639,
- "f1-score": 0.9725938697105603,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9883387776992962,
- "recall": 0.9883081155433288,
- "f1-score": 0.9883223882461741,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8888888888888888,
- "recall": 0.7727272727272727,
- "f1-score": 0.8267477203647416,
- "support": 176.0
- },
- "1": {
- "precision": 0.9692544196771714,
- "recall": 0.986697965571205,
- "f1-score": 0.9778984102365258,
- "support": 1278.0
- },
- "accuracy": 0.9607977991746905,
- "macro avg": {
- "precision": 0.9290716542830302,
- "recall": 0.8797126191492388,
- "f1-score": 0.9023230653006338,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.959526542497847,
- "recall": 0.9607977991746905,
- "f1-score": 0.9596023157265987,
- "support": 1454.0
- }
- }
- },
- "Sc_2_acc_T_right": {
- "CNN1D": {
- "0": {
- "precision": 0.8195121951219512,
- "recall": 0.9491525423728814,
- "f1-score": 0.8795811518324608,
- "support": 177.0
- },
- "1": {
- "precision": 0.9926289926289926,
- "recall": 0.9703763010408326,
- "f1-score": 0.9813765182186235,
- "support": 1249.0
- },
- "accuracy": 0.967741935483871,
- "macro avg": {
- "precision": 0.9060705938754718,
- "recall": 0.959764421706857,
- "f1-score": 0.9304788350255422,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9711411432890582,
- "recall": 0.967741935483871,
- "f1-score": 0.9687413289827533,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8931297709923665,
- "recall": 0.6610169491525424,
- "f1-score": 0.7597402597402597,
- "support": 177.0
- },
- "1": {
- "precision": 0.9536679536679536,
- "recall": 0.988791032826261,
- "f1-score": 0.9709119496855346,
- "support": 1249.0
- },
- "accuracy": 0.9481065918653576,
- "macro avg": {
- "precision": 0.9233988623301601,
- "recall": 0.8249039909894017,
- "f1-score": 0.8653261047128972,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9461537472629192,
- "recall": 0.9481065918653576,
- "f1-score": 0.9447005968662403,
- "support": 1426.0
- }
- }
- },
- "Sc_2_gyr_F_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.9858156028368794,
- "recall": 0.7897727272727273,
- "f1-score": 0.8769716088328076,
- "support": 176.0
- },
- "1": {
- "precision": 0.9717125382262997,
- "recall": 0.9984289080911233,
- "f1-score": 0.9848895776830686,
- "support": 1273.0
- },
- "accuracy": 0.9730848861283644,
- "macro avg": {
- "precision": 0.9787640705315895,
- "recall": 0.8941008176819253,
- "f1-score": 0.9309305932579381,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9734255398629195,
- "recall": 0.9730848861283644,
- "f1-score": 0.9717815290166463,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.7425742574257426,
- "recall": 0.8522727272727273,
- "f1-score": 0.7936507936507936,
- "support": 176.0
- },
- "1": {
- "precision": 0.9791499599037691,
- "recall": 0.9591516103692066,
- "f1-score": 0.969047619047619,
- "support": 1273.0
- },
- "accuracy": 0.9461697722567288,
- "macro avg": {
- "precision": 0.8608621086647559,
- "recall": 0.905712168820967,
- "f1-score": 0.8813492063492063,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9504147469043677,
- "recall": 0.9461697722567288,
- "f1-score": 0.947743380766155,
- "support": 1449.0
- }
- }
- },
- "Sc_2_gyr_F_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9300699300699301,
- "recall": 0.7556818181818182,
- "f1-score": 0.8338557993730408,
- "support": 176.0
- },
- "1": {
- "precision": 0.9672006102212052,
- "recall": 0.9921752738654147,
- "f1-score": 0.9795287755890305,
- "support": 1278.0
- },
- "accuracy": 0.9635488308115543,
- "macro avg": {
- "precision": 0.9486352701455676,
- "recall": 0.8739285460236165,
- "f1-score": 0.9066922874810357,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9627061124862503,
- "recall": 0.9635488308115543,
- "f1-score": 0.9618957330759532,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9238095238095239,
- "recall": 0.5511363636363636,
- "f1-score": 0.6903914590747331,
- "support": 176.0
- },
- "1": {
- "precision": 0.9414381022979985,
- "recall": 0.9937402190923318,
- "f1-score": 0.9668823753330795,
- "support": 1278.0
- },
- "accuracy": 0.9401650618982118,
- "macro avg": {
- "precision": 0.9326238130537612,
- "recall": 0.7724382913643477,
- "f1-score": 0.8286369172039063,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9393042441040703,
- "recall": 0.9401650618982118,
- "f1-score": 0.9334144239840637,
- "support": 1454.0
- }
- }
- },
- "Sc_2_gyr_F_right": {
- "CNN1D": {
- "0": {
- "precision": 0.925,
- "recall": 0.8361581920903954,
- "f1-score": 0.8783382789317508,
- "support": 177.0
- },
- "1": {
- "precision": 0.9770932069510269,
- "recall": 0.9903923138510808,
- "f1-score": 0.9836978131212724,
- "support": 1249.0
- },
- "accuracy": 0.9712482468443198,
- "macro avg": {
- "precision": 0.9510466034755134,
- "recall": 0.9132752529707382,
- "f1-score": 0.9310180460265116,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9706272198329822,
- "recall": 0.9712482468443198,
- "f1-score": 0.9706202271804971,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9069767441860465,
- "recall": 0.4406779661016949,
- "f1-score": 0.5931558935361216,
- "support": 177.0
- },
- "1": {
- "precision": 0.9261194029850747,
- "recall": 0.9935948759007206,
- "f1-score": 0.9586713016608729,
- "support": 1249.0
- },
- "accuracy": 0.9249649368863955,
- "macro avg": {
- "precision": 0.9165480735855606,
- "recall": 0.7171364210012078,
- "f1-score": 0.7759135975984972,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9237433506657003,
- "recall": 0.9249649368863955,
- "f1-score": 0.9133022783522607,
- "support": 1426.0
- }
- }
- },
- "Sc_2_gyr_T_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.9698795180722891,
- "recall": 0.9147727272727273,
- "f1-score": 0.9415204678362573,
- "support": 176.0
- },
- "1": {
- "precision": 0.9883086515978177,
- "recall": 0.9960722702278083,
- "f1-score": 0.9921752738654147,
- "support": 1273.0
- },
- "accuracy": 0.9861973775017253,
- "macro avg": {
- "precision": 0.9790940848350533,
- "recall": 0.9554224987502677,
- "f1-score": 0.966847870850836,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9860701923152138,
- "recall": 0.9861973775017253,
- "f1-score": 0.9860225852103893,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.770949720670391,
- "recall": 0.7840909090909091,
- "f1-score": 0.7774647887323943,
- "support": 176.0
- },
- "1": {
- "precision": 0.9700787401574803,
- "recall": 0.9677926158680282,
- "f1-score": 0.9689343295320487,
- "support": 1273.0
- },
- "accuracy": 0.945479641131815,
- "macro avg": {
- "precision": 0.8705142304139357,
- "recall": 0.8759417624794686,
- "f1-score": 0.8731995591322215,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9458919165344798,
- "recall": 0.945479641131815,
- "f1-score": 0.9456778497661832,
- "support": 1449.0
- }
- }
- },
- "Sc_2_gyr_T_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9620253164556962,
- "recall": 0.8636363636363636,
- "f1-score": 0.9101796407185628,
- "support": 176.0
- },
- "1": {
- "precision": 0.9814814814814815,
- "recall": 0.9953051643192489,
- "f1-score": 0.9883449883449883,
- "support": 1278.0
- },
- "accuracy": 0.9793672627235214,
- "macro avg": {
- "precision": 0.9717533989685889,
- "recall": 0.9294707639778063,
- "f1-score": 0.9492623145317756,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9791264023586904,
- "recall": 0.9793672627235214,
- "f1-score": 0.9788834331990113,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8382352941176471,
- "recall": 0.6477272727272727,
- "f1-score": 0.7307692307692307,
- "support": 176.0
- },
- "1": {
- "precision": 0.952959028831563,
- "recall": 0.9827856025039123,
- "f1-score": 0.9676425269645609,
- "support": 1278.0
- },
- "accuracy": 0.9422283356258597,
- "macro avg": {
- "precision": 0.895597161474605,
- "recall": 0.8152564376155925,
- "f1-score": 0.8492058788668958,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9390722493888882,
- "recall": 0.9422283356258597,
- "f1-score": 0.9389701059670518,
- "support": 1454.0
- }
- }
- },
- "Sc_2_gyr_T_right": {
- "CNN1D": {
- "0": {
- "precision": 0.9710144927536232,
- "recall": 0.7570621468926554,
- "f1-score": 0.8507936507936508,
- "support": 177.0
- },
- "1": {
- "precision": 0.9666149068322981,
- "recall": 0.9967974379503602,
- "f1-score": 0.9814741821048483,
- "support": 1249.0
- },
- "accuracy": 0.9670406732117812,
- "macro avg": {
- "precision": 0.9688146997929606,
- "recall": 0.8769297924215078,
- "f1-score": 0.9161339164492495,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9671609984929395,
- "recall": 0.9670406732117812,
- "f1-score": 0.9652536673488301,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.7065868263473054,
- "recall": 0.6666666666666666,
- "f1-score": 0.686046511627907,
- "support": 177.0
- },
- "1": {
- "precision": 0.9531374106433678,
- "recall": 0.9607686148919136,
- "f1-score": 0.9569377990430622,
- "support": 1249.0
- },
- "accuracy": 0.9242636746143057,
- "macro avg": {
- "precision": 0.8298621184953365,
- "recall": 0.8137176407792901,
- "f1-score": 0.8214921553354846,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9225347083850205,
- "recall": 0.9242636746143057,
- "f1-score": 0.9233138454157954,
- "support": 1426.0
- }
- }
- },
- "Sc_3_F_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.8947368421052632,
- "recall": 0.8693181818181818,
- "f1-score": 0.8818443804034583,
- "support": 176.0
- },
- "1": {
- "precision": 0.9820031298904538,
- "recall": 0.98586017282011,
- "f1-score": 0.9839278714229713,
- "support": 1273.0
- },
- "accuracy": 0.971704623878537,
- "macro avg": {
- "precision": 0.9383699859978585,
- "recall": 0.9275891773191458,
- "f1-score": 0.9328861259132148,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9714034979717556,
- "recall": 0.971704623878537,
- "f1-score": 0.9715284963923058,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 1.0,
- "recall": 0.011363636363636364,
- "f1-score": 0.02247191011235955,
- "support": 176.0
- },
- "1": {
- "precision": 0.8797512093987561,
- "recall": 1.0,
- "f1-score": 0.9360294117647059,
- "support": 1273.0
- },
- "accuracy": 0.8799171842650103,
- "macro avg": {
- "precision": 0.939875604699378,
- "recall": 0.5056818181818182,
- "f1-score": 0.47925066093853275,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.8943569976291349,
- "recall": 0.8799171842650103,
- "f1-score": 0.8250659056978923,
- "support": 1449.0
- }
- }
- },
- "Sc_3_F_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9175824175824175,
- "recall": 0.9488636363636364,
- "f1-score": 0.9329608938547486,
- "support": 176.0
- },
- "1": {
- "precision": 0.9929245283018868,
- "recall": 0.9882629107981221,
- "f1-score": 0.9905882352941177,
- "support": 1278.0
- },
- "accuracy": 0.9834938101788171,
- "macro avg": {
- "precision": 0.9552534729421522,
- "recall": 0.9685632735808792,
- "f1-score": 0.9617745645744331,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9838047129740831,
- "recall": 0.9834938101788171,
- "f1-score": 0.9836127111584031,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9316770186335404,
- "recall": 0.8522727272727273,
- "f1-score": 0.8902077151335311,
- "support": 176.0
- },
- "1": {
- "precision": 0.979891724671307,
- "recall": 0.9913928012519562,
- "f1-score": 0.9856087125632049,
- "support": 1278.0
- },
- "accuracy": 0.9745529573590096,
- "macro avg": {
- "precision": 0.9557843716524237,
- "recall": 0.9218327642623417,
- "f1-score": 0.9379082138483681,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9740555566777396,
- "recall": 0.9745529573590096,
- "f1-score": 0.9740608614300394,
- "support": 1454.0
- }
- }
- },
- "Sc_3_F_right": {
- "CNN1D": {
- "0": {
- "precision": 0.9120879120879121,
- "recall": 0.9378531073446328,
- "f1-score": 0.924791086350975,
- "support": 177.0
- },
- "1": {
- "precision": 0.9911575562700965,
- "recall": 0.9871897518014412,
- "f1-score": 0.9891696750902527,
- "support": 1249.0
- },
- "accuracy": 0.9810659186535764,
- "macro avg": {
- "precision": 0.9516227341790042,
- "recall": 0.962521429573037,
- "f1-score": 0.9569803807206139,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9813431614452391,
- "recall": 0.9810659186535764,
- "f1-score": 0.9811787843421095,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.958904109589041,
- "recall": 0.7909604519774012,
- "f1-score": 0.8668730650154799,
- "support": 177.0
- },
- "1": {
- "precision": 0.97109375,
- "recall": 0.9951961569255404,
- "f1-score": 0.9829972321075524,
- "support": 1249.0
- },
- "accuracy": 0.9698457223001402,
- "macro avg": {
- "precision": 0.9649989297945205,
- "recall": 0.8930783044514707,
- "f1-score": 0.9249351485615162,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9695807301172932,
- "recall": 0.9698457223001402,
- "f1-score": 0.9685835030926178,
- "support": 1426.0
- }
- }
- },
- "Sc_3_T_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.7559808612440191,
- "recall": 0.8977272727272727,
- "f1-score": 0.8207792207792208,
- "support": 176.0
- },
- "1": {
- "precision": 0.9854838709677419,
- "recall": 0.959937156323645,
- "f1-score": 0.9725427775567052,
- "support": 1273.0
- },
- "accuracy": 0.9523809523809523,
- "macro avg": {
- "precision": 0.8707323661058806,
- "recall": 0.9288322145254588,
- "f1-score": 0.896660999167963,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9576077289999191,
- "recall": 0.9523809523809523,
- "f1-score": 0.9541091088245883,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.961038961038961,
- "recall": 0.8409090909090909,
- "f1-score": 0.896969696969697,
- "support": 176.0
- },
- "1": {
- "precision": 0.9783783783783784,
- "recall": 0.99528672427337,
- "f1-score": 0.9867601246105919,
- "support": 1273.0
- },
- "accuracy": 0.9765355417529331,
- "macro avg": {
- "precision": 0.9697086697086696,
- "recall": 0.9180979075912304,
- "f1-score": 0.9418649107901444,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9762722793778693,
- "recall": 0.9765355417529331,
- "f1-score": 0.9758539028957558,
- "support": 1449.0
- }
- }
- },
- "Sc_3_T_left": {
- "CNN1D": {
- "0": {
- "precision": 0.6947791164658634,
- "recall": 0.9829545454545454,
- "f1-score": 0.8141176470588235,
- "support": 176.0
- },
- "1": {
- "precision": 0.9975103734439834,
- "recall": 0.9405320813771518,
- "f1-score": 0.9681836488119211,
- "support": 1278.0
- },
- "accuracy": 0.9456671251719395,
- "macro avg": {
- "precision": 0.8461447449549234,
- "recall": 0.9617433134158486,
- "f1-score": 0.8911506479353724,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9608661497657515,
- "recall": 0.9456671251719395,
- "f1-score": 0.9495346692324539,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9190751445086706,
- "recall": 0.9034090909090909,
- "f1-score": 0.9111747851002865,
- "support": 176.0
- },
- "1": {
- "precision": 0.9867291178766588,
- "recall": 0.9890453834115805,
- "f1-score": 0.9878858929269245,
- "support": 1278.0
- },
- "accuracy": 0.9786795048143053,
- "macro avg": {
- "precision": 0.9529021311926646,
- "recall": 0.9462272371603357,
- "f1-score": 0.9495303390136055,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9785399161484841,
- "recall": 0.9786795048143053,
- "f1-score": 0.9786003668076066,
- "support": 1454.0
- }
- }
- },
- "Sc_3_T_right": {
- "CNN1D": {
- "0": {
- "precision": 0.8645833333333334,
- "recall": 0.9378531073446328,
- "f1-score": 0.8997289972899729,
- "support": 177.0
- },
- "1": {
- "precision": 0.9910858995137763,
- "recall": 0.9791833466773419,
- "f1-score": 0.9850986709625453,
- "support": 1249.0
- },
- "accuracy": 0.9740532959326789,
- "macro avg": {
- "precision": 0.9278346164235549,
- "recall": 0.9585182270109873,
- "f1-score": 0.9424138341262591,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9753839680874521,
- "recall": 0.9740532959326789,
- "f1-score": 0.9745022949176327,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9642857142857143,
- "recall": 0.7627118644067796,
- "f1-score": 0.8517350157728707,
- "support": 177.0
- },
- "1": {
- "precision": 0.9673405909797823,
- "recall": 0.9959967974379503,
- "f1-score": 0.9814595660749507,
- "support": 1249.0
- },
- "accuracy": 0.9670406732117812,
- "macro avg": {
- "precision": 0.9658131526327483,
- "recall": 0.879354330922365,
- "f1-score": 0.9165972909239106,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.966961409230238,
- "recall": 0.9670406732117812,
- "f1-score": 0.965357710953304,
- "support": 1426.0
- }
- }
- },
- "Sc_4_F_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.9106145251396648,
- "recall": 0.9261363636363636,
- "f1-score": 0.9183098591549296,
- "support": 176.0
- },
- "1": {
- "precision": 0.989763779527559,
- "recall": 0.9874312647289867,
- "f1-score": 0.9885961462839167,
- "support": 1273.0
- },
- "accuracy": 0.9799861973775017,
- "macro avg": {
- "precision": 0.9501891523336119,
- "recall": 0.9567838141826752,
- "f1-score": 0.9534530027194231,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9801500674694023,
- "recall": 0.9799861973775017,
- "f1-score": 0.9800589575091052,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9171597633136095,
- "recall": 0.8806818181818182,
- "f1-score": 0.8985507246376812,
- "support": 176.0
- },
- "1": {
- "precision": 0.98359375,
- "recall": 0.9890023566378633,
- "f1-score": 0.9862906384645516,
- "support": 1273.0
- },
- "accuracy": 0.9758454106280193,
- "macro avg": {
- "precision": 0.9503767566568048,
- "recall": 0.9348420874098408,
- "f1-score": 0.9424206815511164,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9755244734942687,
- "recall": 0.9758454106280193,
- "f1-score": 0.9756334784690172,
- "support": 1449.0
- }
- }
- },
- "Sc_4_F_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9032258064516129,
- "recall": 0.9545454545454546,
- "f1-score": 0.9281767955801105,
- "support": 176.0
- },
- "1": {
- "precision": 0.9936908517350158,
- "recall": 0.9859154929577465,
- "f1-score": 0.9897879025923016,
- "support": 1278.0
- },
- "accuracy": 0.9821182943603851,
- "macro avg": {
- "precision": 0.9484583290933144,
- "recall": 0.9702304737516005,
- "f1-score": 0.958982349086206,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9827404748643976,
- "recall": 0.9821182943603851,
- "f1-score": 0.982330161991101,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9444444444444444,
- "recall": 0.8693181818181818,
- "f1-score": 0.9053254437869822,
- "support": 176.0
- },
- "1": {
- "precision": 0.9821981424148607,
- "recall": 0.9929577464788732,
- "f1-score": 0.9875486381322958,
- "support": 1278.0
- },
- "accuracy": 0.9779917469050894,
- "macro avg": {
- "precision": 0.9633212934296526,
- "recall": 0.9311379641485276,
- "f1-score": 0.946437040959639,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9776282312437511,
- "recall": 0.9779917469050894,
- "f1-score": 0.9775958993394656,
- "support": 1454.0
- }
- }
- },
- "Sc_4_F_right": {
- "CNN1D": {
- "0": {
- "precision": 0.9929577464788732,
- "recall": 0.7966101694915254,
- "f1-score": 0.8840125391849529,
- "support": 177.0
- },
- "1": {
- "precision": 0.9719626168224299,
- "recall": 0.9991993594875901,
- "f1-score": 0.9853928148440584,
- "support": 1249.0
- },
- "accuracy": 0.9740532959326789,
- "macro avg": {
- "precision": 0.9824601816506515,
- "recall": 0.8979047644895577,
- "f1-score": 0.9347026770145057,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9745686041640783,
- "recall": 0.9740532959326789,
- "f1-score": 0.9728091480897374,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8795180722891566,
- "recall": 0.8248587570621468,
- "f1-score": 0.8513119533527697,
- "support": 177.0
- },
- "1": {
- "precision": 0.9753968253968254,
- "recall": 0.9839871897518014,
- "f1-score": 0.9796731765643683,
- "support": 1249.0
- },
- "accuracy": 0.9642356241234221,
- "macro avg": {
- "precision": 0.927457448842991,
- "recall": 0.9044229734069742,
- "f1-score": 0.915492564958569,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9634960264486786,
- "recall": 0.9642356241234221,
- "f1-score": 0.9637405422667153,
- "support": 1426.0
- }
- }
- },
- "Sc_4_T_chest": {
- "CNN1D": {
- "0": {
- "precision": 0.953757225433526,
- "recall": 0.9375,
- "f1-score": 0.9455587392550143,
- "support": 176.0
- },
- "1": {
- "precision": 0.9913793103448276,
- "recall": 0.9937156323644933,
- "f1-score": 0.9925460965084347,
- "support": 1273.0
- },
- "accuracy": 0.9868875086266391,
- "macro avg": {
- "precision": 0.9725682678891768,
- "recall": 0.9656078161822467,
- "f1-score": 0.9690524178817246,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9868096161112947,
- "recall": 0.9868875086266391,
- "f1-score": 0.9868388674700621,
- "support": 1449.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9862068965517241,
- "recall": 0.8125,
- "f1-score": 0.8909657320872274,
- "support": 176.0
- },
- "1": {
- "precision": 0.9746932515337423,
- "recall": 0.9984289080911233,
- "f1-score": 0.986418315871168,
- "support": 1273.0
- },
- "accuracy": 0.9758454106280193,
- "macro avg": {
- "precision": 0.9804500740427332,
- "recall": 0.9054644540455616,
- "f1-score": 0.9386920239791977,
- "support": 1449.0
- },
- "weighted avg": {
- "precision": 0.9760917342964509,
- "recall": 0.9758454106280193,
- "f1-score": 0.9748243512431669,
- "support": 1449.0
- }
- }
- },
- "Sc_4_T_left": {
- "CNN1D": {
- "0": {
- "precision": 0.9545454545454546,
- "recall": 0.9545454545454546,
- "f1-score": 0.9545454545454546,
- "support": 176.0
- },
- "1": {
- "precision": 0.9937402190923318,
- "recall": 0.9937402190923318,
- "f1-score": 0.9937402190923318,
- "support": 1278.0
- },
- "accuracy": 0.9889958734525447,
- "macro avg": {
- "precision": 0.9741428368188931,
- "recall": 0.9741428368188931,
- "f1-score": 0.9741428368188931,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9889958734525447,
- "recall": 0.9889958734525447,
- "f1-score": 0.9889958734525447,
- "support": 1454.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.9379310344827586,
- "recall": 0.7727272727272727,
- "f1-score": 0.8473520249221184,
- "support": 176.0
- },
- "1": {
- "precision": 0.9694423223834988,
- "recall": 0.9929577464788732,
- "f1-score": 0.981059141863162,
- "support": 1278.0
- },
- "accuracy": 0.9662998624484181,
- "macro avg": {
- "precision": 0.9536866784331287,
- "recall": 0.882842509603073,
- "f1-score": 0.9142055833926401,
- "support": 1454.0
- },
- "weighted avg": {
- "precision": 0.9656280261864353,
- "recall": 0.9662998624484181,
- "f1-score": 0.9648745114769008,
- "support": 1454.0
- }
- }
- },
- "Sc_4_T_right": {
- "CNN1D": {
- "0": {
- "precision": 0.8770053475935828,
- "recall": 0.9265536723163842,
- "f1-score": 0.9010989010989011,
- "support": 177.0
- },
- "1": {
- "precision": 0.9895076674737692,
- "recall": 0.9815852682145717,
- "f1-score": 0.9855305466237942,
- "support": 1249.0
- },
- "accuracy": 0.9747545582047685,
- "macro avg": {
- "precision": 0.9332565075336761,
- "recall": 0.954069470265478,
- "f1-score": 0.9433147238613477,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9755434945293141,
- "recall": 0.9747545582047685,
- "f1-score": 0.9750506018426539,
- "support": 1426.0
- }
- },
- "MLP": {
- "0": {
- "precision": 0.8854961832061069,
- "recall": 0.655367231638418,
- "f1-score": 0.7532467532467533,
- "support": 177.0
- },
- "1": {
- "precision": 0.9528957528957529,
- "recall": 0.9879903923138511,
- "f1-score": 0.970125786163522,
- "support": 1249.0
- },
- "accuracy": 0.9467040673211781,
- "macro avg": {
- "precision": 0.9191959680509298,
- "recall": 0.8216788119761346,
- "f1-score": 0.8616862697051376,
- "support": 1426.0
- },
- "weighted avg": {
- "precision": 0.9445298876537702,
- "recall": 0.9467040673211781,
- "f1-score": 0.9432060184031656,
- "support": 1426.0
- }
- }
- }
-}
\ No newline at end of file
diff --git a/agg_results.py b/agg_results.py
deleted file mode 100644
index 09cfe7a..0000000
--- a/agg_results.py
+++ /dev/null
@@ -1,41 +0,0 @@
-import os
-import json
-
-agg_results = {}
-agg_filename = "agg_results.json"
-
-
-def define_key_subkey(filename):
- key = ""
- subkey = ""
-
- aux = filename.split("_")
-
- if filename.startswith("Sc1") or filename.startswith("Sc_3") or filename.startswith("Sc_4"):
- def define_key(x): return "_".join(x[:3] + x[4:])
-
- elif filename.startswith("Sc_2"):
- def define_key(x): return "_".join(x[:4] + x[5:])
-
- key = define_key(aux)
- subkey = "CNN1D" if filename.find(
- "CNN1D") > -1 else "MLP" if filename.find("MLP") > -1 else ""
-
- return key, subkey
-
-# Para cada resultado '.json' registrado no diretório results, carregue o arquivo e agrupe-o em um novo json file
-for i, filename in enumerate(sorted(os.listdir("results"))):
- if filename.endswith(".json"):
- with open(f"results/{filename}", "r") as file:
-
- key, subkey = define_key_subkey(filename[:-5])
- # Temos que aplicar essa lógica para não sobrescrever agg_results[key][subkey]
- if agg_results.get(key) is None:
- agg_results[key] = {}
-
- agg_results[key].update({subkey: json.load(file)})
-
-with open(agg_filename, "w") as f:
- json.dump(agg_results, f, indent=4)
-
-print(f"{i+1} elementos agrupados em {agg_filename}")
diff --git a/analise_global/boxplots/acc/boxplot_CNN1D_chest_Sc_4_T_binary_two_Accuracy.png b/analise_global/boxplots/acc/boxplot_CNN1D_chest_Sc_4_T_binary_two_Accuracy.png
new file mode 100644
index 0000000..0305985
Binary files /dev/null and b/analise_global/boxplots/acc/boxplot_CNN1D_chest_Sc_4_T_binary_two_Accuracy.png differ
diff --git a/analise_global/boxplots/acc/boxplot_LSTM_chest_Sc_4_T_binary_two_Accuracy.png b/analise_global/boxplots/acc/boxplot_LSTM_chest_Sc_4_T_binary_two_Accuracy.png
new file mode 100644
index 0000000..3d37c41
Binary files /dev/null and b/analise_global/boxplots/acc/boxplot_LSTM_chest_Sc_4_T_binary_two_Accuracy.png differ
diff --git a/analise_global/boxplots/acc/boxplot_MLP_chest_Sc_4_T_binary_two_Accuracy.png b/analise_global/boxplots/acc/boxplot_MLP_chest_Sc_4_T_binary_two_Accuracy.png
new file mode 100644
index 0000000..8bfaaee
Binary files /dev/null and b/analise_global/boxplots/acc/boxplot_MLP_chest_Sc_4_T_binary_two_Accuracy.png differ
diff --git a/analise_global/boxplots/all/boxplot_CNN1D_chest_Sc_4_T_binary_two.png b/analise_global/boxplots/all/boxplot_CNN1D_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..de732b8
Binary files /dev/null and b/analise_global/boxplots/all/boxplot_CNN1D_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/boxplots/all/boxplot_LSTM_chest_Sc_4_T_binary_two.png b/analise_global/boxplots/all/boxplot_LSTM_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..17ca43d
Binary files /dev/null and b/analise_global/boxplots/all/boxplot_LSTM_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/boxplots/all/boxplot_MLP_chest_Sc_4_T_binary_two.png b/analise_global/boxplots/all/boxplot_MLP_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..d7b6496
Binary files /dev/null and b/analise_global/boxplots/all/boxplot_MLP_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/boxplots/f1/boxplot_CNN1D_chest_Sc_4_T_binary_two_F1.png b/analise_global/boxplots/f1/boxplot_CNN1D_chest_Sc_4_T_binary_two_F1.png
new file mode 100644
index 0000000..fc16c18
Binary files /dev/null and b/analise_global/boxplots/f1/boxplot_CNN1D_chest_Sc_4_T_binary_two_F1.png differ
diff --git a/analise_global/boxplots/f1/boxplot_LSTM_chest_Sc_4_T_binary_two_F1.png b/analise_global/boxplots/f1/boxplot_LSTM_chest_Sc_4_T_binary_two_F1.png
new file mode 100644
index 0000000..e9b4526
Binary files /dev/null and b/analise_global/boxplots/f1/boxplot_LSTM_chest_Sc_4_T_binary_two_F1.png differ
diff --git a/analise_global/boxplots/f1/boxplot_MLP_chest_Sc_4_T_binary_two_F1.png b/analise_global/boxplots/f1/boxplot_MLP_chest_Sc_4_T_binary_two_F1.png
new file mode 100644
index 0000000..ddbb940
Binary files /dev/null and b/analise_global/boxplots/f1/boxplot_MLP_chest_Sc_4_T_binary_two_F1.png differ
diff --git a/analise_global/boxplots/mcc/boxplot_CNN1D_chest_Sc_4_T_binary_two_MCC.png b/analise_global/boxplots/mcc/boxplot_CNN1D_chest_Sc_4_T_binary_two_MCC.png
new file mode 100644
index 0000000..3ebb483
Binary files /dev/null and b/analise_global/boxplots/mcc/boxplot_CNN1D_chest_Sc_4_T_binary_two_MCC.png differ
diff --git a/analise_global/boxplots/mcc/boxplot_LSTM_chest_Sc_4_T_binary_two_MCC.png b/analise_global/boxplots/mcc/boxplot_LSTM_chest_Sc_4_T_binary_two_MCC.png
new file mode 100644
index 0000000..81aafc5
Binary files /dev/null and b/analise_global/boxplots/mcc/boxplot_LSTM_chest_Sc_4_T_binary_two_MCC.png differ
diff --git a/analise_global/boxplots/mcc/boxplot_MLP_chest_Sc_4_T_binary_two_MCC.png b/analise_global/boxplots/mcc/boxplot_MLP_chest_Sc_4_T_binary_two_MCC.png
new file mode 100644
index 0000000..1c9928f
Binary files /dev/null and b/analise_global/boxplots/mcc/boxplot_MLP_chest_Sc_4_T_binary_two_MCC.png differ
diff --git a/analise_global/boxplots/prec/boxplot_CNN1D_chest_Sc_4_T_binary_two_Precision.png b/analise_global/boxplots/prec/boxplot_CNN1D_chest_Sc_4_T_binary_two_Precision.png
new file mode 100644
index 0000000..4eac56a
Binary files /dev/null and b/analise_global/boxplots/prec/boxplot_CNN1D_chest_Sc_4_T_binary_two_Precision.png differ
diff --git a/analise_global/boxplots/prec/boxplot_LSTM_chest_Sc_4_T_binary_two_Precision.png b/analise_global/boxplots/prec/boxplot_LSTM_chest_Sc_4_T_binary_two_Precision.png
new file mode 100644
index 0000000..17c2ab9
Binary files /dev/null and b/analise_global/boxplots/prec/boxplot_LSTM_chest_Sc_4_T_binary_two_Precision.png differ
diff --git a/analise_global/boxplots/prec/boxplot_MLP_chest_Sc_4_T_binary_two_Precision.png b/analise_global/boxplots/prec/boxplot_MLP_chest_Sc_4_T_binary_two_Precision.png
new file mode 100644
index 0000000..84b4ec4
Binary files /dev/null and b/analise_global/boxplots/prec/boxplot_MLP_chest_Sc_4_T_binary_two_Precision.png differ
diff --git a/analise_global/boxplots/sens/boxplot_CNN1D_chest_Sc_4_T_binary_two_Sensitivity.png b/analise_global/boxplots/sens/boxplot_CNN1D_chest_Sc_4_T_binary_two_Sensitivity.png
new file mode 100644
index 0000000..ad68e00
Binary files /dev/null and b/analise_global/boxplots/sens/boxplot_CNN1D_chest_Sc_4_T_binary_two_Sensitivity.png differ
diff --git a/analise_global/boxplots/sens/boxplot_LSTM_chest_Sc_4_T_binary_two_Sensitivity.png b/analise_global/boxplots/sens/boxplot_LSTM_chest_Sc_4_T_binary_two_Sensitivity.png
new file mode 100644
index 0000000..70d7d06
Binary files /dev/null and b/analise_global/boxplots/sens/boxplot_LSTM_chest_Sc_4_T_binary_two_Sensitivity.png differ
diff --git a/analise_global/boxplots/sens/boxplot_MLP_chest_Sc_4_T_binary_two_Sensitivity.png b/analise_global/boxplots/sens/boxplot_MLP_chest_Sc_4_T_binary_two_Sensitivity.png
new file mode 100644
index 0000000..a2c5275
Binary files /dev/null and b/analise_global/boxplots/sens/boxplot_MLP_chest_Sc_4_T_binary_two_Sensitivity.png differ
diff --git a/analise_global/boxplots/spec/boxplot_CNN1D_chest_Sc_4_T_binary_two_Specificity.png b/analise_global/boxplots/spec/boxplot_CNN1D_chest_Sc_4_T_binary_two_Specificity.png
new file mode 100644
index 0000000..e9e910a
Binary files /dev/null and b/analise_global/boxplots/spec/boxplot_CNN1D_chest_Sc_4_T_binary_two_Specificity.png differ
diff --git a/analise_global/boxplots/spec/boxplot_LSTM_chest_Sc_4_T_binary_two_Specificity.png b/analise_global/boxplots/spec/boxplot_LSTM_chest_Sc_4_T_binary_two_Specificity.png
new file mode 100644
index 0000000..ad1a704
Binary files /dev/null and b/analise_global/boxplots/spec/boxplot_LSTM_chest_Sc_4_T_binary_two_Specificity.png differ
diff --git a/analise_global/boxplots/spec/boxplot_MLP_chest_Sc_4_T_binary_two_Specificity.png b/analise_global/boxplots/spec/boxplot_MLP_chest_Sc_4_T_binary_two_Specificity.png
new file mode 100644
index 0000000..33beea1
Binary files /dev/null and b/analise_global/boxplots/spec/boxplot_MLP_chest_Sc_4_T_binary_two_Specificity.png differ
diff --git a/analise_global/classification_report/CNN1D_chest_Sc_4_T_binary_two_classification_report_model_14.txt b/analise_global/classification_report/CNN1D_chest_Sc_4_T_binary_two_classification_report_model_14.txt
new file mode 100644
index 0000000..cb35e08
--- /dev/null
+++ b/analise_global/classification_report/CNN1D_chest_Sc_4_T_binary_two_classification_report_model_14.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 1.00 0.97 129
+ 1 1.00 0.99 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 1.00 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/analise_global/classification_report/LSTM_chest_Sc_4_T_binary_two_classification_report_model_16.txt b/analise_global/classification_report/LSTM_chest_Sc_4_T_binary_two_classification_report_model_16.txt
new file mode 100644
index 0000000..a4d2c75
--- /dev/null
+++ b/analise_global/classification_report/LSTM_chest_Sc_4_T_binary_two_classification_report_model_16.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.98 0.88 129
+ 1 1.00 0.97 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.90 0.97 0.93 1208
+weighted avg 0.98 0.97 0.97 1208
diff --git a/analise_global/classification_report/MLP_chest_Sc_4_T_binary_two_classification_report_model_3.txt b/analise_global/classification_report/MLP_chest_Sc_4_T_binary_two_classification_report_model_3.txt
new file mode 100644
index 0000000..d83f384
--- /dev/null
+++ b/analise_global/classification_report/MLP_chest_Sc_4_T_binary_two_classification_report_model_3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.98 0.97 129
+ 1 1.00 1.00 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.99 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/analise_global/confusion_matrix/CNN1D_chest_Sc_4_T_binary_two_confusion_matrix_model_14.png b/analise_global/confusion_matrix/CNN1D_chest_Sc_4_T_binary_two_confusion_matrix_model_14.png
new file mode 100644
index 0000000..2c63a74
Binary files /dev/null and b/analise_global/confusion_matrix/CNN1D_chest_Sc_4_T_binary_two_confusion_matrix_model_14.png differ
diff --git a/analise_global/confusion_matrix/LSTM_chest_Sc_4_T_binary_two_confusion_matrix_model_16.png b/analise_global/confusion_matrix/LSTM_chest_Sc_4_T_binary_two_confusion_matrix_model_16.png
new file mode 100644
index 0000000..5861f1a
Binary files /dev/null and b/analise_global/confusion_matrix/LSTM_chest_Sc_4_T_binary_two_confusion_matrix_model_16.png differ
diff --git a/analise_global/confusion_matrix/MLP_chest_Sc_4_T_binary_two_confusion_matrix_model_3.png b/analise_global/confusion_matrix/MLP_chest_Sc_4_T_binary_two_confusion_matrix_model_3.png
new file mode 100644
index 0000000..f92864c
Binary files /dev/null and b/analise_global/confusion_matrix/MLP_chest_Sc_4_T_binary_two_confusion_matrix_model_3.png differ
diff --git a/analise_global/learning_curves/loss/learning_curve_loss_CNN1D_chest_Sc_4_T_binary_two.png b/analise_global/learning_curves/loss/learning_curve_loss_CNN1D_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..976d391
Binary files /dev/null and b/analise_global/learning_curves/loss/learning_curve_loss_CNN1D_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/learning_curves/loss/learning_curve_loss_LSTM_chest_Sc_4_T_binary_two.png b/analise_global/learning_curves/loss/learning_curve_loss_LSTM_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..ee0c00f
Binary files /dev/null and b/analise_global/learning_curves/loss/learning_curve_loss_LSTM_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/learning_curves/loss/learning_curve_loss_MLP_chest_Sc_4_T_binary_two.png b/analise_global/learning_curves/loss/learning_curve_loss_MLP_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..d05d70f
Binary files /dev/null and b/analise_global/learning_curves/loss/learning_curve_loss_MLP_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/learning_curves/metrics/learning_curve_metrics_CNN1D_chest_Sc_4_T_binary_two.png b/analise_global/learning_curves/metrics/learning_curve_metrics_CNN1D_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..2d97552
Binary files /dev/null and b/analise_global/learning_curves/metrics/learning_curve_metrics_CNN1D_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/learning_curves/metrics/learning_curve_metrics_LSTM_chest_Sc_4_T_binary_two.png b/analise_global/learning_curves/metrics/learning_curve_metrics_LSTM_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..3a1e425
Binary files /dev/null and b/analise_global/learning_curves/metrics/learning_curve_metrics_LSTM_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/learning_curves/metrics/learning_curve_metrics_MLP_chest_Sc_4_T_binary_two.png b/analise_global/learning_curves/metrics/learning_curve_metrics_MLP_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..e7564e8
Binary files /dev/null and b/analise_global/learning_curves/metrics/learning_curve_metrics_MLP_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/loss_curves/CNN1D_chest_Sc_4_T_binary_two_loss_curve_model_14.png b/analise_global/loss_curves/CNN1D_chest_Sc_4_T_binary_two_loss_curve_model_14.png
new file mode 100644
index 0000000..8ace91a
Binary files /dev/null and b/analise_global/loss_curves/CNN1D_chest_Sc_4_T_binary_two_loss_curve_model_14.png differ
diff --git a/analise_global/loss_curves/LSTM_chest_Sc_4_T_binary_two_loss_curve_model_16.png b/analise_global/loss_curves/LSTM_chest_Sc_4_T_binary_two_loss_curve_model_16.png
new file mode 100644
index 0000000..adf5b9d
Binary files /dev/null and b/analise_global/loss_curves/LSTM_chest_Sc_4_T_binary_two_loss_curve_model_16.png differ
diff --git a/analise_global/loss_curves/MLP_chest_Sc_4_T_binary_two_loss_curve_model_3.png b/analise_global/loss_curves/MLP_chest_Sc_4_T_binary_two_loss_curve_model_3.png
new file mode 100644
index 0000000..6f096de
Binary files /dev/null and b/analise_global/loss_curves/MLP_chest_Sc_4_T_binary_two_loss_curve_model_3.png differ
diff --git a/analise_global/optuna/convergencia/optuna_convergencia_CNN1D_chest_Sc_4_T_binary_two.png b/analise_global/optuna/convergencia/optuna_convergencia_CNN1D_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..3d7415b
Binary files /dev/null and b/analise_global/optuna/convergencia/optuna_convergencia_CNN1D_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/optuna/convergencia/optuna_convergencia_LSTM_chest_Sc_4_T_binary_two.png b/analise_global/optuna/convergencia/optuna_convergencia_LSTM_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..39ebdc4
Binary files /dev/null and b/analise_global/optuna/convergencia/optuna_convergencia_LSTM_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/optuna/convergencia/optuna_convergencia_MLP_chest_Sc_4_T_binary_two.png b/analise_global/optuna/convergencia/optuna_convergencia_MLP_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..69da078
Binary files /dev/null and b/analise_global/optuna/convergencia/optuna_convergencia_MLP_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/optuna/param_importance/optuna_param_importance_CNN1D_chest_Sc_4_T_binary_two.html b/analise_global/optuna/param_importance/optuna_param_importance_CNN1D_chest_Sc_4_T_binary_two.html
new file mode 100644
index 0000000..62dcdac
--- /dev/null
+++ b/analise_global/optuna/param_importance/optuna_param_importance_CNN1D_chest_Sc_4_T_binary_two.html
@@ -0,0 +1,3885 @@
+
+
+
+
+
+
\ No newline at end of file
diff --git a/analise_global/optuna/param_importance/optuna_param_importance_CNN1D_chest_Sc_4_T_binary_two.png b/analise_global/optuna/param_importance/optuna_param_importance_CNN1D_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..1e92833
Binary files /dev/null and b/analise_global/optuna/param_importance/optuna_param_importance_CNN1D_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/optuna/param_importance/optuna_param_importance_LSTM_chest_Sc_4_T_binary_two.html b/analise_global/optuna/param_importance/optuna_param_importance_LSTM_chest_Sc_4_T_binary_two.html
new file mode 100644
index 0000000..ff2b447
--- /dev/null
+++ b/analise_global/optuna/param_importance/optuna_param_importance_LSTM_chest_Sc_4_T_binary_two.html
@@ -0,0 +1,3885 @@
+
+
+
+
+
+
\ No newline at end of file
diff --git a/analise_global/optuna/param_importance/optuna_param_importance_LSTM_chest_Sc_4_T_binary_two.png b/analise_global/optuna/param_importance/optuna_param_importance_LSTM_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..767348c
Binary files /dev/null and b/analise_global/optuna/param_importance/optuna_param_importance_LSTM_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/optuna/param_importance/optuna_param_importance_MLP_chest_Sc_4_T_binary_two.html b/analise_global/optuna/param_importance/optuna_param_importance_MLP_chest_Sc_4_T_binary_two.html
new file mode 100644
index 0000000..d003a93
--- /dev/null
+++ b/analise_global/optuna/param_importance/optuna_param_importance_MLP_chest_Sc_4_T_binary_two.html
@@ -0,0 +1,3885 @@
+
+
+
+
+
+
\ No newline at end of file
diff --git a/analise_global/optuna/param_importance/optuna_param_importance_MLP_chest_Sc_4_T_binary_two.png b/analise_global/optuna/param_importance/optuna_param_importance_MLP_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..1295a8f
Binary files /dev/null and b/analise_global/optuna/param_importance/optuna_param_importance_MLP_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/permutation_importance/permutation_importance_CNN1D_chest_Sc_4_T_binary_two.csv b/analise_global/permutation_importance/permutation_importance_CNN1D_chest_Sc_4_T_binary_two.csv
new file mode 100644
index 0000000..420ef4e
--- /dev/null
+++ b/analise_global/permutation_importance/permutation_importance_CNN1D_chest_Sc_4_T_binary_two.csv
@@ -0,0 +1,7 @@
+feature,delta_mcc,delta_f1,delta_acc,mcc,f1,acc
+acc_x,0.006456179902956993,0.002898135022541437,0.0008278145695364003,0.9563446998794012,0.9781539351851851,0.9917218543046358
+acc_y,0.3323096623895938,0.19446740310814292,0.053807947019867575,0.6304912173927644,0.7865846670995836,0.9387417218543046
+acc_z,0.019194392564603424,0.010052289698508021,0.004139072847682113,0.9436064872177548,0.9709997805092185,0.9884105960264901
+gyr_x,0.007795668802434541,0.004059880881563838,0.0016556291390728006,0.9550052109799236,0.9769921893261627,0.9908940397350994
+gyr_y,0.003917954454400574,0.0020365333667915486,0.0008278145695364003,0.9588829253279576,0.979015536840935,0.9917218543046358
+gyr_z,0.007795668802434541,0.004059880881563838,0.0016556291390728006,0.9550052109799236,0.9769921893261627,0.9908940397350994
diff --git a/analise_global/permutation_importance/permutation_importance_CNN1D_chest_Sc_4_T_binary_two.png b/analise_global/permutation_importance/permutation_importance_CNN1D_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..4d85961
Binary files /dev/null and b/analise_global/permutation_importance/permutation_importance_CNN1D_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/permutation_importance/permutation_importance_LSTM_chest_Sc_4_T_binary_two.csv b/analise_global/permutation_importance/permutation_importance_LSTM_chest_Sc_4_T_binary_two.csv
new file mode 100644
index 0000000..e7f2d4c
--- /dev/null
+++ b/analise_global/permutation_importance/permutation_importance_LSTM_chest_Sc_4_T_binary_two.csv
@@ -0,0 +1,7 @@
+feature,delta_mcc,delta_f1,delta_acc,mcc,f1,acc
+acc_x,0.05972486526565113,0.03651645685457916,0.007450331125827825,0.7899616259584911,0.8879394757727868,0.9627483443708609
+acc_y,0.5056293433845618,0.28632571472924273,0.0653973509933774,0.3440571478395804,0.6381302178981232,0.9048013245033113
+acc_z,0.27645053669428543,0.1555131231074599,0.039735099337748325,0.5732359545298568,0.768942809519906,0.9304635761589404
+gyr_x,-0.00839972570029357,-0.0041968926318131095,-0.0016556291390729116,0.8580862169244358,0.928652825259179,0.9718543046357616
+gyr_y,0.013278076425166763,0.0065636283938839135,0.002483443708609201,0.8364084147989754,0.917892304233482,0.9677152317880795
+gyr_z,0.04544700361086973,0.023251655295995488,0.009933774834437026,0.8042394876132725,0.9012042773313704,0.9602649006622517
diff --git a/analise_global/permutation_importance/permutation_importance_LSTM_chest_Sc_4_T_binary_two.png b/analise_global/permutation_importance/permutation_importance_LSTM_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..0747391
Binary files /dev/null and b/analise_global/permutation_importance/permutation_importance_LSTM_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/permutation_importance/permutation_importance_MLP_chest_Sc_4_T_binary_two.csv b/analise_global/permutation_importance/permutation_importance_MLP_chest_Sc_4_T_binary_two.csv
new file mode 100644
index 0000000..f1a88a1
--- /dev/null
+++ b/analise_global/permutation_importance/permutation_importance_MLP_chest_Sc_4_T_binary_two.csv
@@ -0,0 +1,7 @@
+feature,delta_mcc,delta_f1,delta_acc,mcc,f1,acc
+acc_x,0.026898074829324714,0.013560647605751486,0.004966887417218624,0.9428387724451275,0.9713032148658995,0.9892384105960265
+acc_y,0.7489397378553986,0.4601476602012692,0.09519867549668881,0.2207971094190536,0.5247162022703818,0.8990066225165563
+acc_z,0.032896299176024324,0.016652499612778815,0.0066225165562914245,0.9368405480984279,0.9682113628588722,0.9875827814569537
+gyr_x,0.004180534854503981,0.0021037654258396765,0.0008278145695365113,0.9655563124199482,0.9827600970458114,0.9933774834437086
+gyr_y,0.0038426272172001896,0.0019880482577263603,0.0008278145695365113,0.965894220057252,0.9828758142139247,0.9933774834437086
+gyr_z,0.012800745080012277,0.006413741164386866,0.002483443708609312,0.9569361021944399,0.9784501213072642,0.9917218543046358
diff --git a/analise_global/permutation_importance/permutation_importance_MLP_chest_Sc_4_T_binary_two.png b/analise_global/permutation_importance/permutation_importance_MLP_chest_Sc_4_T_binary_two.png
new file mode 100644
index 0000000..749e3e6
Binary files /dev/null and b/analise_global/permutation_importance/permutation_importance_MLP_chest_Sc_4_T_binary_two.png differ
diff --git a/analise_global/roc_curves/CNN1D_chest_Sc_4_T_binary_two_roc_curve_model_14.png b/analise_global/roc_curves/CNN1D_chest_Sc_4_T_binary_two_roc_curve_model_14.png
new file mode 100644
index 0000000..7c62753
Binary files /dev/null and b/analise_global/roc_curves/CNN1D_chest_Sc_4_T_binary_two_roc_curve_model_14.png differ
diff --git a/analise_global/roc_curves/LSTM_chest_Sc_4_T_binary_two_roc_curve_model_16.png b/analise_global/roc_curves/LSTM_chest_Sc_4_T_binary_two_roc_curve_model_16.png
new file mode 100644
index 0000000..8f199f9
Binary files /dev/null and b/analise_global/roc_curves/LSTM_chest_Sc_4_T_binary_two_roc_curve_model_16.png differ
diff --git a/analise_global/roc_curves/MLP_chest_Sc_4_T_binary_two_roc_curve_model_3.png b/analise_global/roc_curves/MLP_chest_Sc_4_T_binary_two_roc_curve_model_3.png
new file mode 100644
index 0000000..c5f1ab2
Binary files /dev/null and b/analise_global/roc_curves/MLP_chest_Sc_4_T_binary_two_roc_curve_model_3.png differ
diff --git a/analise_global/shap/shap_importance_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.csv b/analise_global/shap/shap_importance_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.csv
new file mode 100644
index 0000000..8bab1e5
--- /dev/null
+++ b/analise_global/shap/shap_importance_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.csv
@@ -0,0 +1,7 @@
+feature,mean_abs_shap
+acc_x,0.010930650259251707
+acc_y,0.008468683502360363
+acc_z,0.0061226449796231465
+gyr_x,0.00502724880585447
+gyr_y,0.0049942692618060395
+gyr_z,0.003953485533056664
diff --git a/analise_global/shap/shap_importance_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.png b/analise_global/shap/shap_importance_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.png
new file mode 100644
index 0000000..2f99228
Binary files /dev/null and b/analise_global/shap/shap_importance_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.png differ
diff --git a/analise_global/shap/shap_importance_LSTM_chest_Sc_4_T_binary_two_20250717_0433.csv b/analise_global/shap/shap_importance_LSTM_chest_Sc_4_T_binary_two_20250717_0433.csv
new file mode 100644
index 0000000..7ff88bb
--- /dev/null
+++ b/analise_global/shap/shap_importance_LSTM_chest_Sc_4_T_binary_two_20250717_0433.csv
@@ -0,0 +1,7 @@
+feature,mean_abs_shap
+acc_x,5.587585996200822e-09
+acc_y,6.790998293114414e-09
+acc_z,2.233702785237046e-08
+gyr_x,2.230843822781381e-08
+gyr_y,4.824850264290026e-08
+gyr_z,4.396329126870983e-08
diff --git a/analise_global/shap/shap_importance_LSTM_chest_Sc_4_T_binary_two_20250717_0433.png b/analise_global/shap/shap_importance_LSTM_chest_Sc_4_T_binary_two_20250717_0433.png
new file mode 100644
index 0000000..ccd8b54
Binary files /dev/null and b/analise_global/shap/shap_importance_LSTM_chest_Sc_4_T_binary_two_20250717_0433.png differ
diff --git a/analise_global/shap/shap_importance_MLP_chest_Sc_4_T_binary_two_20250717_0429.csv b/analise_global/shap/shap_importance_MLP_chest_Sc_4_T_binary_two_20250717_0429.csv
new file mode 100644
index 0000000..f539151
--- /dev/null
+++ b/analise_global/shap/shap_importance_MLP_chest_Sc_4_T_binary_two_20250717_0429.csv
@@ -0,0 +1,7 @@
+feature,mean_abs_shap
+acc_x,0.07034639511140994
+acc_y,0.06677483510778984
+acc_z,0.9785646159388125
+gyr_x,0.7005032920651137
+gyr_y,0.3061375998368021
+gyr_z,0.28895507934037595
diff --git a/analise_global/shap/shap_importance_MLP_chest_Sc_4_T_binary_two_20250717_0429.png b/analise_global/shap/shap_importance_MLP_chest_Sc_4_T_binary_two_20250717_0429.png
new file mode 100644
index 0000000..257c8ba
Binary files /dev/null and b/analise_global/shap/shap_importance_MLP_chest_Sc_4_T_binary_two_20250717_0429.png differ
diff --git a/analise_global/shap/shap_values_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.npy b/analise_global/shap/shap_values_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.npy
new file mode 100644
index 0000000..a25c106
Binary files /dev/null and b/analise_global/shap/shap_values_CNN1D_chest_Sc_4_T_binary_two_20250717_0431.npy differ
diff --git a/analise_global/shap/shap_values_LSTM_chest_Sc_4_T_binary_two_20250717_0433.npy b/analise_global/shap/shap_values_LSTM_chest_Sc_4_T_binary_two_20250717_0433.npy
new file mode 100644
index 0000000..9927540
Binary files /dev/null and b/analise_global/shap/shap_values_LSTM_chest_Sc_4_T_binary_two_20250717_0433.npy differ
diff --git a/analise_global/shap/shap_values_MLP_chest_Sc_4_T_binary_two_20250717_0429.npy b/analise_global/shap/shap_values_MLP_chest_Sc_4_T_binary_two_20250717_0429.npy
new file mode 100644
index 0000000..6ea1dff
Binary files /dev/null and b/analise_global/shap/shap_values_MLP_chest_Sc_4_T_binary_two_20250717_0429.npy differ
diff --git a/analise_global/summary_final_models.csv b/analise_global/summary_final_models.csv
new file mode 100644
index 0000000..df3f804
--- /dev/null
+++ b/analise_global/summary_final_models.csv
@@ -0,0 +1,4 @@
+model_type,position,scenario,label_type,boxplot_path,MCC_mean,MCC_std,Accuracy_mean,Accuracy_std,Precision_mean,Precision_std,Sensitivity_mean,Sensitivity_std,Specificity_mean,Specificity_std,F1_mean,F1_std
+CNN1D,chest,Sc_4_T,binary_two,analise_global\boxplots\all\boxplot_CNN1D_chest_Sc_4_T_binary_two.png,0.9402322837471871,0.012666522473700275,0.9880380794701169,0.0026105361607224524,0.9977163148645485,0.002219962445917942,0.9888785912881382,0.0029766638314991383,0.9810077519372242,0.01856295477139281,0.9932732439672778,0.0014742024927045423
+LSTM,chest,Sc_4_T,binary_two,analise_global\boxplots\all\boxplot_LSTM_chest_Sc_4_T_binary_two.png,0.8061682796087583,0.05671639117086379,0.958692052980053,0.010408586882862447,0.9892447049243749,0.00951293726277538,0.9643188137163143,0.006069886344500585,0.9116279069760376,0.07879007499919247,0.9765945581878211,0.0058283854642307694
+MLP,chest,Sc_4_T,binary_two,analise_global\boxplots\all\boxplot_MLP_chest_Sc_4_T_binary_two.png,0.9478257290313776,0.019341744419195197,0.9898592715230968,0.004185647683431149,0.9946865167052851,0.003169660656423498,0.9939759036143656,0.00566141345124343,0.9554263565884067,0.026838774540497976,0.9943161601446555,0.002371922022814161
diff --git a/builders/model_builders.py b/builders/model_builders.py
deleted file mode 100644
index 08a3280..0000000
--- a/builders/model_builders.py
+++ /dev/null
@@ -1,388 +0,0 @@
-# Escrito por Leandro Soares - https://github.com/SoaresLMB
-import os
-import numpy as np
-from matplotlib import pyplot as plt
-from sklearn.model_selection import train_test_split
-from sklearn.metrics import matthews_corrcoef, confusion_matrix, roc_auc_score, roc_curve, classification_report, confusion_matrix
-import keras
-from keras.utils import to_categorical
-from keras.optimizers import SGD
-
-
-from keras.models import Sequential
-from keras.layers import Dense, Dropout, Conv1D, Flatten, MaxPooling1D
-import optuna
-import csv
-import itertools
-from sklearn.metrics import confusion_matrix
-
-"Plot the training and validation accuracy graphs."
-
-
-def plot_training_and_validation_accuracy_graphs(historic, output_dir, i, neural_network_type):
-
- acc = 'accuracy' if neural_network_type == "CNN1D" else "acc"
- val_acc = 'val_accuracy' if neural_network_type == "CNN1D" else 'val_acc'
-
- training_accuracy = historic.history[acc]
- validation_accuracy = historic.history[val_acc]
-
- epochs = range(1, len(training_accuracy) + 1)
-
- plt.plot(epochs, training_accuracy, "-g", label="Training Data Accuracy")
- plt.plot(epochs, validation_accuracy, "-b",label="Validation Data Accuracy")
- plt.legend()
- plt.xlabel('Epochs')
- plt.ylabel('Accuracy')
- plt.savefig(os.path.join(output_dir, f"accuracy_plot_model_{i}.png"))
- plt.close()
-
-
-'''Use the predict function to predict the classes corresponding to each array of data representing an activity.'''
-
-
-def return_ypredicted_and_ytrue(model, X_test, y_test, decision_threshold):
- y_predicted_probabilities = model.predict(X_test)
- y_predicted = (
- y_predicted_probabilities[:, 1] >= decision_threshold).astype(int)
- y_true = np.argmax(y_test, axis=1)
-
- return y_predicted, y_true, y_predicted_probabilities
-
-
-'''Create the structure of the confusion matrix.'''
-
-
-def create_confusion_matrix(y_true, y_predicted):
- cm = confusion_matrix(y_true, y_predicted)
-
- tn, fp, fn, tp = cm.ravel()
-
- return cm, tp, tn, fp, fn
-
-
-'''Use the confusion matrix created by create_confusion_matrix and plot it as a graph.'''
-
-
-def plot_confusion_matrix(cm, number_of_labels, output_dir, i):
-
- plt.imshow(cm, cmap=plt.cm.Blues)
- plt.title('Confusion Matrix')
- plt.colorbar()
- tick_marks = np.arange(0, number_of_labels)
- plt.xticks(tick_marks, rotation=90)
- plt.yticks(tick_marks)
-
- thresh = cm.max() / 2.
- for i, j in itertools.product(range(cm.shape[0]), range(cm.shape[1])):
- plt.text(j, i, format(cm[i, j], 'd'),
- horizontalalignment="center",
- color="white" if cm[i, j] > thresh else "black")
-
- plt.tight_layout()
- plt.ylabel('Real Label')
- plt.xlabel('Predicted Label')
- plt.savefig(os.path.join(output_dir, f"confusion_matrix_model_{i}.png"))
- plt.close()
-
-
-'''Create the the classification report as text file and save in the directory'''
-
-
-def save_classification_report(y_predicted, y_true, number_of_labels, output_dir, i):
- target_names = np.arange(0, number_of_labels).astype(str)
- report = classification_report(
- y_true, y_predicted, target_names=target_names)
- with open(os.path.join(output_dir, f"classification_report_model_{i}.txt"), "w") as report_file:
- report_file.write(report)
-
-
-'''Plot the ROC curve and save it in the output directory'''
-
-
-def plot_roc_curve(y_predicted, y_true, output_dir, i):
- roc_auc = roc_auc_score(y_true, y_predicted)
- fpr, tpr, thresholds = roc_curve(y_true, y_predicted)
- plt.figure(figsize=(8, 6))
- plt.plot(fpr, tpr, color='blue', lw=2,
- label='Curva ROC (área = %0.2f)' % roc_auc)
- plt.plot([0, 1], [0, 1], color='gray', linestyle='--', lw=2) # Diagonal
- plt.xlim([0.0, 1.0])
- plt.ylim([0.0, 1.05])
- plt.xlabel('Taxa de Falso Positivo')
- plt.ylabel('Taxa de Verdadeiro Positivo')
- plt.title('ROC')
- plt.legend(loc="lower right")
- plt.grid(True)
- plt.savefig(os.path.join(output_dir, f"roc_curve_model_{i}.png"))
- plt.close()
-
-
-'''Calculate the metrics that will be used to measure the model's effectiveness.'''
-
-
-def calculate_metrics(tp, tn, fp, fn, y_test, y_predicted):
-
- mcc = matthews_corrcoef(y_test, y_predicted)
- sensitivity = tp / (tp + fn)
- specificity = tn / (tn + fp)
- precision = tp / (tp + fp)
- accuracy = (tp + tn) / (tp + tn + fp + fn)
-
- metrics = {
- "MCC": mcc,
- 'Sensitivity': sensitivity,
- 'Specificity': specificity,
- 'Precision': precision,
- 'Accuracy': accuracy
- }
- return metrics
-
-
-'''Save the calculated metrics in a CSV file and store it in the output directory.'''
-
-
-def record_the_metrics_in_the_table(metrics, tp, tn, fp, fn, i, output_dir):
- metrics["tp"] = tp
- metrics["tn"] = tn
- metrics["fp"] = fp
- metrics["fn"] = fn
-
- file_path = os.path.join(output_dir, f'metrics_model_{i}.csv')
- with open(file_path, "a", newline="") as csvfile:
- writer = csv.DictWriter(csvfile,
- fieldnames=["Model", "MCC", "Sensitivity", "Specificity", "Precision", "Accuracy",
- "tp", "tn", "fp", "fn"])
- if csvfile.tell() == 0: # Verifica se o arquivo está vazio para escrever o cabeçalho
- writer.writeheader()
- writer.writerow({"Model": i,
- "MCC": metrics["MCC"],
- "Sensitivity": metrics["Sensitivity"],
- "Specificity": metrics["Specificity"],
- "Precision": metrics["Precision"],
- "Accuracy": metrics["Accuracy"],
- "tp": metrics["tp"],
- "tn": metrics["tn"],
- "fp": metrics["fp"],
- "fn": metrics["fn"]})
-
-
-'''Save a text file with the best trial among the executed trials in the output directory.'''
-
-
-def save_best_trial_to_csv(best_trial, best_params, file_path):
- with open(file_path, mode='w', newline='') as file:
- writer = csv.writer(file)
- writer.writerow(["Trial Number", best_trial.number])
- writer.writerow(["Value", best_trial.value])
- writer.writerow(["Parameters"])
- for key, value in best_params.items():
- writer.writerow([key, value])
-
-
-'''Run all files related to metrics and graphs.'''
-
-
-def save_results(model, historic, X_test, y_test, number_of_labels, i, decision_threshold, output_dir, neural_network_type):
-
- model.save(os.path.join(output_dir, f"model_{i}.keras"))
- plot_training_and_validation_accuracy_graphs(
- historic, output_dir, i, neural_network_type)
- y_predicted, y_true, y_predicted_probabilities = return_ypredicted_and_ytrue(
- model, X_test, y_test, decision_threshold)
- cm, tp, tn, fp, fn = create_confusion_matrix(y_true, y_predicted)
- plot_confusion_matrix(cm, number_of_labels, output_dir, i)
- save_classification_report(
- y_predicted, y_true, number_of_labels, output_dir, i)
- plot_roc_curve(y_predicted, y_true, output_dir, i)
- metrics = calculate_metrics(tp, tn, fp, fn, y_true, y_predicted)
- record_the_metrics_in_the_table(metrics, tp, tn, fp, fn, i, output_dir)
-
-
-'''Create the structure of the CNN 1D network to be optimized.'''
-
-
-def cnn1d_architecture(input_shape, X_train, y_train, X_val, y_val,
- filter_size, kernel_size, num_layers, num_dense_layers, dense_neurons,
- dropout, learning_rate, number_of_labels):
-
-
- print("Input:", input_shape)
- print("X_train:", X_train.shape)
- max_pool = 2
- model = Sequential()
- for i in range(num_layers):
-
- if i == 0:
- model.add(Conv1D(filters=filter_size, kernel_size=kernel_size,
- activation="relu", input_shape=input_shape))
- else:
- if filter_size < kernel_size:
- filter_size = kernel_size
- filter_size *= 2
- model.add(Conv1D(filters=filter_size, kernel_size=kernel_size, activation="relu"))
-
- model.add(MaxPooling1D(pool_size=max_pool))
- model.add(Dropout(dropout))
-
- model.add(Flatten())
-
- for i in range(num_dense_layers):
- model.add(Dense(dense_neurons, activation='relu'))
-
- model.add(Dense(number_of_labels, activation='softmax'))
-
- optimizer = keras.optimizers.Adam(learning_rate=learning_rate)
- model.compile(optimizer=optimizer,
- loss='categorical_crossentropy', metrics=['accuracy'])
-
- model.summary()
-
- historic = model.fit(X_train, y_train, batch_size=32,
- epochs=25, validation_data=(X_val, y_val), verbose=0)
- return model, historic
-
-
-'''Create the structure of the MLP network to be optimized.'''
-
-
-def mlp_architecture(input_dim, X_train, y_train, X_val, y_val, num_layers, dense_neurons, dropout, learning_rate, number_of_labels):
- model = Sequential()
-
- batch = int(len(y_train) / 30)
-
- for i in range(num_layers):
- if i == 0:
- model.add(Dense(dense_neurons, input_dim=input_dim, kernel_initializer='normal', activation='relu'))
- model.add(Dropout(dropout))
- else:
- model.add(Dense(dense_neurons, kernel_initializer='normal', activation='relu'))
- model.add(Dropout(dropout))
-
- model.add(Dense(number_of_labels, kernel_initializer='normal', activation='softmax'))
-
- optimizer = SGD(learning_rate=learning_rate)
- model.compile(loss="categorical_crossentropy", optimizer=optimizer, metrics=["acc"])
- historic = model.fit(X_train, y_train, epochs=300,
- batch_size=batch, validation_data=(X_val, y_val), verbose=1)
-
- return model, historic
-
-
-'''Split the dataset into training, validation, and test sets.'''
-
-
-def generate_training_testing_and_validation_sets(data=None, label=None):
-
- X = np.load(data)
- y = np.load(label)
- # 40% para treinamento
- X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.4, random_state=42)
- # 30% + 30% para validação e teste
- X_test, X_val, y_test, y_val = train_test_split(X_test, y_test, test_size=0.5, random_state=42)
- # to_categorical???? - semelhante a get_dummy?
- y_train = to_categorical(y_train)
- y_test = to_categorical(y_test)
- y_val = to_categorical(y_val)
-
- return X_train, X_test, y_train, y_test, X_val, y_val
-
-
-'''Define the search space and the parameters to be optimized.'''
-
-
-def objective(trial, input_shape, X_train, y_train, X_val, y_val, neural_network_type, output_dir, number_of_labels):
-
- mcc = None
-
- if neural_network_type == "CNN1D":
-
- # Definindo o espaço de busca dos hiperparâmetros
- filter_size = trial.suggest_int('filter_size', 8, 600, log=True)
- kernel_size = trial.suggest_int('kernel_size', 2, 6)
- num_layers = trial.suggest_int('num_layers', 2, 4)
- num_dense_layers = trial.suggest_int('num_dense_layers', 1, 3)
- dense_neurons = trial.suggest_int('dense_neurons', 60, 320, log=True)
- dropout = trial.suggest_float('dropout', 0.1, 0.5, step=0.1)
- learning_rate = trial.suggest_categorical('learning_rate', [0.0001, 0.0003, 0.0006, 0.001, 0.003, 0.006, 0.01])
- decision_threshold = trial.suggest_float('decision_threshold', 0.5, 0.9, step=0.1)
-
- model, historic = cnn1d_architecture(input_shape, X_train, y_train, X_val, y_val, filter_size, kernel_size,
- num_layers, num_dense_layers, dense_neurons, dropout, learning_rate, number_of_labels)
-
- y_pred_prob = model.predict(X_val)
- y_pred = (y_pred_prob[:, 1] >= decision_threshold).astype(int)
-
- mcc = matthews_corrcoef(y_val.argmax(axis=1), y_pred)
-
- optimized_params = {
- "filter_size": filter_size,
- "kernel_size": kernel_size,
- "num_layers": num_layers,
- "num_dense_layers": num_dense_layers,
- "dense_neurons": dense_neurons,
- "dropout": dropout,
- "learning_rate": learning_rate,
- "decision_threshold": decision_threshold
- }
-
- elif neural_network_type == "MLP":
-
- num_layers = trial.suggest_int('num_layers', 1, 5)
- dense_neurons = trial.suggest_int('dense_neurons', 20, 4000, log=True)
- dropout = trial.suggest_float('dropout', 0.1, 0.5, step=0.1)
- learning_rate = trial.suggest_categorical(
- 'learning_rate', [0.001, 0.003, 0.005, 0.007, 0.01, 0.03, 0.05, 0.07])
- decision_threshold = trial.suggest_float(
- 'decision_threshold', 0.5, 0.9, step=0.1)
-
- model, historic = mlp_architecture(input_shape, X_train, y_train, X_val,
- y_val, num_layers, dense_neurons, dropout, learning_rate, number_of_labels)
-
- y_pred_prob = model.predict(X_val)
- y_pred = (y_pred_prob[:, 1] >= decision_threshold).astype(int)
-
- mcc = matthews_corrcoef(X_val.argmax(axis=1), y_pred)
-
- optimized_params = {
- "num_layers": num_layers,
- "dense_neurons": dense_neurons,
- "dropout": dropout,
- "learning_rate": learning_rate,
- "decision_threshold": decision_threshold
- }
-
- file_path = os.path.join(output_dir, 'optimization_results.csv')
- file_exists = os.path.isfile(file_path)
-
- with open(file_path, "a", newline='') as csvfile:
- fieldnames = ["Trial", "MCC"] + list(optimized_params.keys())
- writer = csv.DictWriter(csvfile, fieldnames=fieldnames)
-
- if not file_exists:
- writer.writeheader()
-
- row = {"Trial": trial.number, "MCC": mcc}
- row.update(optimized_params)
- writer.writerow(row)
-
- return mcc
-
-
-'''Creates an Optuna study object that defines the maximization direction to optimize the objective function.'''
-
-
-def create_study_object(objective, input_shape, X_train, y_train, X_val, y_val, neural_network_type, neural_network_results_dir, number_of_labels):
-
- study = optuna.create_study(direction="maximize")
-
- study.optimize(lambda trial: objective(trial, input_shape, X_train, y_train, X_val, y_val, neural_network_type, neural_network_results_dir, number_of_labels), n_trials=5)
-
- best_trial = study.best_trial
- best_params = best_trial.params
-
- return best_trial, best_params
-
-
-if __name__ == "__main__":
- pass
diff --git a/extract_reports.sh b/extract_reports.sh
deleted file mode 100755
index c3dfd9f..0000000
--- a/extract_reports.sh
+++ /dev/null
@@ -1,22 +0,0 @@
-#! /bin/bash
-
-# Definindo as variáveis para cada loop
-cenarios=("Sc1_acc_T" "Sc1_gyr_T" "Sc1_acc_F" "Sc1_gyr_F" "Sc_2_acc_T" "Sc_2_gyr_T" "Sc_2_acc_F" "Sc_2_gyr_F" "Sc_3_T" "Sc_3_F" "Sc_4_T" "Sc_4_F")
-redenerural=("MLP" "CNN1D")
-sensores=("chest" "right" "left")
-
-# Loop aninhado
-for cenario in "${cenarios[@]}"; do
- for nn in "${redenerural[@]}"; do
- for sensor in "${sensores[@]}"; do
- if [ ! -e "./results/${cenario}_${nn}_${sensor}.json" ]; then
- echo "Criando ${cenario}_${nn}_${sensor}.json..."
- python3 training.py -s "$cenario" -p "$sensor" -nn "$nn" --export
- fi
- done
- done
-done
-
-
-# Agrupando resultados
-python3 agg_results.py
diff --git a/models/1730337919_MLP_bin_0.01_chest_Sc1_acc_T.model b/models/1730337919_MLP_bin_0.01_chest_Sc1_acc_T.model
deleted file mode 100644
index c00a887..0000000
Binary files a/models/1730337919_MLP_bin_0.01_chest_Sc1_acc_T.model and /dev/null differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/all_metrics.csv b/output/CNN1D/chest/Sc_4_T/binary_two/all_metrics.csv
new file mode 100644
index 0000000..22ae972
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/all_metrics.csv
@@ -0,0 +1,21 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1.0,0.9375223867856816,0.9888785912881382,0.9767441860457544,0.9971962616821496,0.9875827814568718,1067,126,3,12
+2.0,0.9322667862085712,0.9898053753474524,0.9612403100767744,0.995340167753868,0.9867549668873355,1068,124,5,11
+3.0,0.9361959627666212,0.9851714550508818,0.999999999999225,0.999999999999906,0.9867549668873355,1063,129,0,16
+4.0,0.953800495678198,0.9916589434660804,0.9844961240302448,0.9981343283581158,0.9908940397350172,1070,127,2,9
+5.0,0.93564689650736,0.9916589434660804,0.9534883720922842,0.9944237918214688,0.9875827814568718,1070,123,6,9
+6.0,0.927012584876756,0.9851714550508818,0.9844961240302448,0.9981220657276058,0.9850993377482627,1063,127,2,16
+7.0,0.9344715198937832,0.98702502316951,0.9844961240302448,0.9981255857543582,0.9867549668873355,1065,127,2,14
+8.0,0.9428192729019228,0.987951807228824,0.9922480620147348,0.9990627928771322,0.9884105960264082,1066,128,1,13
+9.0,0.9237594301139328,0.9888785912881382,0.9534883720922842,0.9944082013046605,0.9850993377482627,1067,123,6,12
+10.0,0.953284766223493,0.9925857275253944,0.9767441860457544,0.9972067039105216,0.9908940397350172,1071,126,3,8
+11.0,0.9543747154501327,0.9907321594067664,0.9922480620147348,0.9990654205606544,0.9908940397350172,1069,128,1,10
+12.0,0.9511670259100624,0.9888785912881382,0.999999999999225,0.9999999999999062,0.9900662251654808,1067,129,0,12
+13.0,0.9459485511179072,0.9898053753474524,0.9844961240302448,0.998130841121402,0.9892384105959444,1068,127,2,11
+14.0,0.9628008797823582,0.9916589434660804,0.999999999999225,0.9999999999999064,0.99254966887409,1070,129,0,9
+15.0,0.9428192729019228,0.987951807228824,0.9922480620147348,0.9990627928771322,0.9884105960264082,1066,128,1,13
+16.0,0.9078767879796428,0.9814643188136254,0.9767441860457544,0.997175141242844,0.980960264900581,1059,126,3,20
+17.0,0.950483199627664,0.9898053753474524,0.9922480620147348,0.9990645463048644,0.9900662251654808,1068,128,1,11
+18.0,0.9344715198937832,0.98702502316951,0.9844961240302448,0.9981255857543582,0.9867549668873355,1065,127,2,14
+19.0,0.934317133106198,0.9944392956440228,0.930232558138814,0.991682070240204,0.9875827814568718,1073,120,9,6
+20.0,0.9436064872177548,0.98702502316951,0.999999999999225,0.999999999999906,0.9884105960264082,1065,129,0,14
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/best_hyperparameters.json b/output/CNN1D/chest/Sc_4_T/binary_two/best_hyperparameters.json
new file mode 100644
index 0000000..78c031f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/best_hyperparameters.json
@@ -0,0 +1,40 @@
+{
+ "scenario": "Sc_4_T",
+ "position": "chest",
+ "label_type": "binary_two",
+ "model_type": "CNN1D",
+ "best_value": 0.9650388976214959,
+ "best_params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0005895289443882064,
+ "decision_threshold": 0.5,
+ "filter_size": 59,
+ "kernel_size": 6,
+ "num_layers": 4,
+ "num_dense_layers": 1,
+ "dense_neurons": 300
+ },
+ "n_trials": 20,
+ "optimization_history": [
+ 0.8683556845241359,
+ 0.8678020161958327,
+ 0.9650388976214959,
+ 0.36988443293254036,
+ 0.9214781196623403,
+ 0.8925026823583482,
+ 0.9111925972681382,
+ 0.9478650857071962,
+ 0.9481151233720893,
+ 0.7135135487135519,
+ 0.9496359794426157,
+ 0.9505911273925157,
+ 0.9521575193985103,
+ 0.9474981236964355,
+ 0.9460382934454683,
+ 0.9211544266034309,
+ 0.9369545959374896,
+ 0.9207957225287086,
+ 0.9620707422030137,
+ 0.9236889483052512
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/correlation_heatmap.png b/output/CNN1D/chest/Sc_4_T/binary_two/correlation_heatmap.png
new file mode 100644
index 0000000..2fa726c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/correlation_heatmap.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/learning_curve.png b/output/CNN1D/chest/Sc_4_T/binary_two/learning_curve.png
new file mode 100644
index 0000000..bfa8612
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/learning_curve.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/learning_curve_metrics.csv b/output/CNN1D/chest/Sc_4_T/binary_two/learning_curve_metrics.csv
new file mode 100644
index 0000000..c533346
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/learning_curve_metrics.csv
@@ -0,0 +1,13 @@
+Fraction,MCC,F1,Accuracy,Train_Loss,Val_Loss
+0.05,0.7331220873728701,0.8576430976430975,0.9536423841059603,0.1815209701320782,0.18117953250601107
+0.1,0.8776964326417188,0.9388310185185185,0.9768211920529801,0.09336279634044331,0.07744439202296151
+0.15,0.9172785129585124,0.9586348341842942,0.984271523178808,0.05895635908666168,0.0697850902632542
+0.2,0.8602190399222338,0.9300925925925926,0.9735099337748344,0.05486242386453546,0.06302853882327661
+0.3,0.945320521888313,0.9724498478110225,0.9892384105960265,0.07450543437991419,0.04737737201582401
+0.4,0.9045739522678645,0.9499700980221623,0.9793046357615894,0.06851233683389077,0.04903295307709588
+0.5,0.9307232601652025,0.9646719823841594,0.9859271523178808,0.053233482502561866,0.04721981136149346
+0.6,0.9375223867856817,0.9684201170128777,0.9875827814569537,0.0489596240357529,0.04923782720450048
+0.7,0.9122438937890051,0.9557881638180288,0.9826158940397351,0.057043388690941735,0.09809663639198624
+0.8,0.9375223867856817,0.9684201170128777,0.9875827814569537,0.05156707923192577,0.042803535575087856
+0.9,0.9382580302049658,0.9686257127174946,0.9875827814569537,0.046930394932757566,0.03818717982674406
+1.0,0.965894220057252,0.9828758142139247,0.9933774834437086,0.06737835401224254,0.05346225798903652
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/mcc_histogram.png b/output/CNN1D/chest/Sc_4_T/binary_two/mcc_histogram.png
new file mode 100644
index 0000000..1d1307d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/mcc_histogram.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png b/output/CNN1D/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png
new file mode 100644
index 0000000..a19b057
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/metrics_boxplot.png b/output/CNN1D/chest/Sc_4_T/binary_two/metrics_boxplot.png
new file mode 100644
index 0000000..3830012
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/metrics_boxplot.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt
new file mode 100644
index 0000000..b738ed9
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.98 0.94 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.98 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png
new file mode 100644
index 0000000..1f1366d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png
new file mode 100644
index 0000000..51e205e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv
new file mode 100644
index 0000000..8976255
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.12147128340692245,0.05375164007906982
+2,0.05791929659259521,0.07716376523838393
+3,0.056294833935801064,0.03976004071206086
+4,0.043946675582469466,0.03230673132126075
+5,0.05308563073820491,0.06697143210969385
+6,0.03342201109998772,0.08608411136670076
+7,0.02439044612007767,0.11461247333400501
+8,0.07460692036878874,0.0609316425239564
+9,0.02091535418718901,0.0398057588458721
+10,0.04803411817818053,0.08857797653033209
+11,0.048022794693999706,0.1046802382577462
+12,0.013983430641438411,0.10967794231473983
+13,0.013043959024558295,0.13340775913844305
+14,0.013224890565827922,0.13688696498527517
+15,0.015717204550146694,0.07509358966771629
+16,0.016818961051346983,0.15696642281915457
+17,0.009136311075617264,0.0996512618937633
+18,0.007560148932992332,0.122197430408945
+19,0.0054991551184153005,0.17241570754912014
+20,0.005809301056815494,0.13772220474166047
+21,0.006616743733265748,0.22348159548695729
+22,0.05508920723248814,0.0829684915082664
+23,0.01094878464169683,0.06405450949005116
+24,0.007108673065061786,0.0824140912980276
+25,0.006365215428946267,0.08053794681916132
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv
new file mode 100644
index 0000000..416cf09
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1,0.9375223867856817,0.9888785912881382,0.9767441860457545,0.9971962616821497,0.9875827814568718,1067,126,3,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/model_1.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/model_1.pt
new file mode 100644
index 0000000..602d2d2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/model_1.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png
new file mode 100644
index 0000000..f70f174
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy
new file mode 100644
index 0000000..2badc15
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy
new file mode 100644
index 0000000..328ffee
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt
new file mode 100644
index 0000000..c7a3e1b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.98 0.96 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 0.98 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png
new file mode 100644
index 0000000..ff0bdd8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png
new file mode 100644
index 0000000..5f82ae4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv
new file mode 100644
index 0000000..d230b9b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.12654060716128646,0.05929278776109699
+2,0.06456209686325001,0.06814898774703784
+3,0.04313377320410691,0.06487512883023142
+4,0.05541450106817844,0.04744705921103142
+5,0.03289042609172566,0.05875404286998967
+6,0.05746484711993963,0.05450804005076568
+7,0.04358320704897634,0.04162816502024764
+8,0.024532148342150922,0.1392090574510011
+9,0.013519719291718862,0.22605668424625855
+10,0.010119514145628257,0.09567944506310626
+11,0.009904656875018987,0.14622853069393446
+12,0.010631367013683179,0.38037258365126114
+13,0.04647626468174114,0.07286648201568094
+14,0.041631790571755964,0.09228609493532823
+15,0.01490007580665323,0.12606386429615668
+16,0.03445673716358573,0.19147585283282806
+17,0.008209523761756132,0.25975769643929975
+18,0.006679885982369724,0.2105406343887426
+19,0.004336163271095907,0.35641225714848146
+20,0.00834611923072459,0.09719994241910876
+21,0.007614061915779241,0.28902402780508857
+22,0.015673062857309534,0.18201879475296048
+23,0.01500898218900756,0.11001991670177484
+24,0.0073844273024791214,0.6140272070862275
+25,0.00863138095124022,0.1295034149646826
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv
new file mode 100644
index 0000000..87d82a8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10,0.953284766223493,0.9925857275253945,0.9767441860457545,0.9972067039105217,0.9908940397350173,1071,126,3,8
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/model_10.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/model_10.pt
new file mode 100644
index 0000000..5ed5a6b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/model_10.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png
new file mode 100644
index 0000000..f4b0b41
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy
new file mode 100644
index 0000000..0a8e930
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy
new file mode 100644
index 0000000..f04a759
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt
new file mode 100644
index 0000000..4013516
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.99 0.96 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.99 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png
new file mode 100644
index 0000000..79b0f34
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png
new file mode 100644
index 0000000..baf9e74
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv
new file mode 100644
index 0000000..4e7c4f9
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.15233972275562652,0.04864162473319128
+2,0.08915243616780376,0.04442399587001531
+3,0.051550341757876206,0.041110742488392076
+4,0.0603009908627127,0.1126239148431148
+5,0.05924779617842405,0.05207729255480151
+6,0.03155536726857959,0.03831211888430722
+7,0.026553881292551342,0.05091885239662294
+8,0.02372364112854427,0.07825252835520437
+9,0.01942493655197884,0.04413469298540639
+10,0.015702200191299198,0.09505686957558349
+11,0.019547313636112288,0.05058884536388617
+12,0.0777818162202787,0.21878239530307778
+13,0.029685227834015452,0.08161830410966102
+14,0.014484034059871965,0.05808240740972941
+15,0.007532913767349331,0.28937234972863574
+16,0.007020117012797441,0.43467974062161646
+17,0.00911532836297533,0.10851148578741285
+18,0.02132854805496535,0.16022513529488805
+19,0.01102804729382337,0.19863589056289893
+20,0.023579561584829357,0.5601378024873758
+21,0.026310562944238634,0.08385053739192838
+22,0.010521623608156006,0.06021484872566831
+23,0.0049932058404295295,0.0397797415874504
+24,0.0053341060820438855,0.07985663689408196
+25,0.006641505332614482,0.1520120942767209
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv
new file mode 100644
index 0000000..a87f8d4
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11,0.9543747154501327,0.9907321594067663,0.9922480620147348,0.9990654205606543,0.9908940397350173,1069,128,1,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/model_11.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/model_11.pt
new file mode 100644
index 0000000..d3a3b4c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/model_11.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png
new file mode 100644
index 0000000..0aa9cf7
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy
new file mode 100644
index 0000000..b6e1a9f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy
new file mode 100644
index 0000000..7918218
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt
new file mode 100644
index 0000000..0c3b488
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 1.00 0.96 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png
new file mode 100644
index 0000000..6211bc0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png
new file mode 100644
index 0000000..bf63ee0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv
new file mode 100644
index 0000000..8993dc9
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.12185206960217809,0.07296517423744645
+2,0.05269835302596604,0.07080909910409021
+3,0.051041461043165655,0.08063795026992598
+4,0.041787020919532215,0.08070078246906164
+5,0.041706378662247745,0.07619843412906066
+6,0.026567230539693218,0.07234775175974421
+7,0.027185023013120455,0.06501251402983281
+8,0.22278881276181395,0.10237902497512198
+9,0.025046610267828544,0.10618599643930793
+10,0.01667194712282039,0.05615298415655307
+11,0.04409467788785654,0.04986333792938026
+12,0.027222436520019034,0.06909551024044396
+13,0.011701729377871608,0.13680496788442859
+14,0.00768492048837664,0.11446987418044192
+15,0.00772767790259941,0.1257182974011481
+16,0.004422014173948156,0.1503816168679482
+17,0.004819953963183891,0.17423974778789364
+18,0.00712353415869721,0.14150408084870214
+19,0.00833820091854385,0.14617480341433425
+20,0.006371111857987679,0.11740126089487772
+21,0.004586128885713407,0.136562944776679
+22,0.003335352231899814,0.14935753516135994
+23,0.0031998275503516828,0.09369331346181664
+24,0.01379501089844966,0.16550734578029297
+25,0.022261129912063433,0.05105060644273674
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv
new file mode 100644
index 0000000..3755256
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12,0.9511670259100623,0.9888785912881382,0.999999999999225,0.9999999999999062,0.9900662251654809,1067,129,0,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/model_12.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/model_12.pt
new file mode 100644
index 0000000..61dd733
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/model_12.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png
new file mode 100644
index 0000000..2ed006f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy
new file mode 100644
index 0000000..82ece6e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy
new file mode 100644
index 0000000..a29a3f0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt
new file mode 100644
index 0000000..c23dd8d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.98 0.95 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png
new file mode 100644
index 0000000..e5c9a69
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png
new file mode 100644
index 0000000..a26b0cd
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv
new file mode 100644
index 0000000..813f023
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.11973651016538978,0.05701218620892647
+2,0.058497379513742204,0.036978188917160995
+3,0.07406105417138793,0.07046843327641968
+4,0.04271520356332459,0.047537562284538405
+5,0.03719203098263872,0.0874376039151215
+6,0.033148046664592576,0.05545717785285418
+7,0.043278535763616295,0.042749598396459344
+8,0.0904768389477231,0.03570554735115512
+9,0.02444918601407356,0.06336523517177421
+10,0.05335365336924034,0.2458599549554364
+11,0.04609853326434694,0.03074321597801504
+12,0.01449044969880305,0.052658064283106445
+13,0.00934530700734353,0.06077936638904145
+14,0.011156066005661866,0.12872326116483404
+15,0.016484287542142664,0.07125327474139488
+16,0.014697881189155573,0.05675654779684493
+17,0.009316218069832473,0.058683583513641197
+18,0.007469406376419688,0.08686817659114357
+19,0.007354796822736649,0.10023371221501887
+20,0.003971252222762145,0.12830949801303101
+21,0.005105141961980397,0.12157793548996848
+22,0.012260137207532308,0.25104428982998
+23,0.05925311821422904,0.19089496166024247
+24,0.036225148980141675,0.05085890910141467
+25,0.019989236109638136,0.06064546191466815
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv
new file mode 100644
index 0000000..9e23bf3
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13,0.9459485511179072,0.9898053753474523,0.9844961240302447,0.998130841121402,0.9892384105959445,1068,127,2,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/model_13.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/model_13.pt
new file mode 100644
index 0000000..e2868d1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/model_13.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png
new file mode 100644
index 0000000..3e0edab
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy
new file mode 100644
index 0000000..41955cb
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy
new file mode 100644
index 0000000..77aa104
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt
new file mode 100644
index 0000000..cb35e08
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 1.00 0.97 129
+ 1 1.00 0.99 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 1.00 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png
new file mode 100644
index 0000000..2c63a74
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png
new file mode 100644
index 0000000..8ace91a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv
new file mode 100644
index 0000000..6e81ac1
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1358826696294964,0.0939032596624231
+2,0.05111907028139067,0.0602019922950728
+3,0.07815320473869065,0.05269837890568118
+4,0.04135489472465143,0.06680708658190739
+5,0.05984107049616533,0.051810581470245747
+6,0.024889947705101684,0.043462857825262755
+7,0.029725657351016045,0.06569509366415796
+8,0.03838260498795993,0.09405367555054767
+9,0.014824567068876792,0.04845837359244357
+10,0.012137157024943173,0.04587849344414011
+11,0.007733868032006315,0.03429311059832593
+12,0.008884036917210134,0.04367530665206782
+13,0.009402171011319379,0.03720739777927226
+14,0.08862028019309218,0.04542533134771199
+15,0.016546899026207405,0.05720159428927439
+16,0.008612282128971615,0.05509750103802954
+17,0.0058529304998663715,0.06928380347770074
+18,0.009310299322908685,0.061786783575813284
+19,0.009675891111315464,0.09885289461724431
+20,0.015364368034537435,0.04360000652330552
+21,0.006698853020808212,0.0719717136998718
+22,0.007510155095945572,0.07881016166328735
+23,0.007502556967208452,0.07099011144947004
+24,0.002883104668096952,0.3346778657019347
+25,0.004680948864777875,0.16756643452064904
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv
new file mode 100644
index 0000000..05d1887
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14,0.9628008797823582,0.9916589434660804,0.999999999999225,0.9999999999999065,0.99254966887409,1070,129,0,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/model_14.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/model_14.pt
new file mode 100644
index 0000000..813bf80
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/model_14.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png
new file mode 100644
index 0000000..7c62753
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy
new file mode 100644
index 0000000..ae72081
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy
new file mode 100644
index 0000000..0e18d1d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt
new file mode 100644
index 0000000..ae450a0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.99 0.95 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.95 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png
new file mode 100644
index 0000000..3e90903
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png
new file mode 100644
index 0000000..b4c1391
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv
new file mode 100644
index 0000000..6c80dec
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1244529323086666,0.05473466873292871
+2,0.07359514729446233,0.055703139418901336
+3,0.053762956061313885,0.09225274720078995
+4,0.07102586867226782,0.09983090447484198
+5,0.04660472627616996,0.08220831470774306
+6,0.024987180631436155,0.19877289729793707
+7,0.06331632735619981,0.08095011888813573
+8,0.021774989962177492,0.13457937765852993
+9,0.022339318127209976,0.10800540467510421
+10,0.014688371135220644,0.08423436973410595
+11,0.03279115992880495,0.2273907843241065
+12,0.04693025491480721,0.05553956058874809
+13,0.00856762918151955,0.11061103095785403
+14,0.008310815244220232,0.14467424199556667
+15,0.006125005160875982,0.1234133198611014
+16,0.010695213600873485,0.06640026631859162
+17,0.009533263522061216,0.06478441874247665
+18,0.008262556406016527,0.11639090316196778
+19,0.0055980165495519724,0.10279264417377018
+20,0.009063708941784977,0.07216427713894086
+21,0.02871515144199448,0.06514551571738945
+22,0.191830314305389,0.2627627781875352
+23,0.032045166370325416,0.08034297399554786
+24,0.014136128348923898,0.07900967226673133
+25,0.008013430309522248,0.26501111376366054
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv
new file mode 100644
index 0000000..b3d8134
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15,0.9428192729019227,0.987951807228824,0.9922480620147348,0.9990627928771322,0.9884105960264082,1066,128,1,13
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/model_15.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/model_15.pt
new file mode 100644
index 0000000..18f3b62
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/model_15.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png
new file mode 100644
index 0000000..a234e71
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy
new file mode 100644
index 0000000..de633bd
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy
new file mode 100644
index 0000000..c4823c3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt
new file mode 100644
index 0000000..29b6604
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.86 0.98 0.92 129
+ 1 1.00 0.98 0.99 1079
+
+ accuracy 0.98 1208
+ macro avg 0.93 0.98 0.95 1208
+weighted avg 0.98 0.98 0.98 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png
new file mode 100644
index 0000000..d9bd576
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png
new file mode 100644
index 0000000..e4656c5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv
new file mode 100644
index 0000000..e364423
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.10799865541497834,0.048839975643747285
+2,0.06880628692835505,0.04788447271904818
+3,0.0488177100792989,0.04743696781486326
+4,0.050241714756354236,0.2235647794098059
+5,0.044258914049366035,0.06624895107817183
+6,0.021657067168950734,0.08907524620701536
+7,0.05616257256933055,0.056710224307787556
+8,0.026949248255484483,0.09759600044438435
+9,0.01567294157337812,0.10396835850570502
+10,0.020251992334663533,0.11518640199772832
+11,0.02675825427833292,0.0580106380383898
+12,0.01393057061996346,0.036801371278743875
+13,0.010012441190975392,0.06187899840140913
+14,0.006004965171529484,0.07205432040854204
+15,0.00719719384557003,0.10474382276451281
+16,0.0067466214969228964,0.07389855270805294
+17,0.00516632988020387,0.13781807571607446
+18,0.07044356491075124,0.11626538504318011
+19,0.03445782544865788,0.055929890668091
+20,0.010408892933144741,0.1461475331077883
+21,0.010600622485310771,0.13882124739850607
+22,0.006971481086582467,0.13588224011250472
+23,0.009291815719431109,0.15064538718426515
+24,0.006987118408573663,0.19473860360648682
+25,0.024939482335028497,0.21378570498607
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv
new file mode 100644
index 0000000..048132e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16,0.9078767879796428,0.9814643188136254,0.9767441860457545,0.9971751412428439,0.980960264900581,1059,126,3,20
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/model_16.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/model_16.pt
new file mode 100644
index 0000000..e2caa9c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/model_16.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png
new file mode 100644
index 0000000..383cda6
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy
new file mode 100644
index 0000000..25b6858
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy
new file mode 100644
index 0000000..8da19ec
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt
new file mode 100644
index 0000000..ec6470d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.99 0.96 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png
new file mode 100644
index 0000000..4c312e3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png
new file mode 100644
index 0000000..adab967
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv
new file mode 100644
index 0000000..4266881
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.11775521772109311,0.04717366766154526
+2,0.06743147731803152,0.05128579585617708
+3,0.05337145731758306,0.034814103132820524
+4,0.09062774582686743,0.050764411657954985
+5,0.03669820002922144,0.12079176243634955
+6,0.044758681140727966,0.054792477418818784
+7,0.027640784572927374,0.0822624671944786
+8,0.0430998431808487,0.11212628036833673
+9,0.028533736275082076,0.06924674794210674
+10,0.019316238914326215,0.09656550812754786
+11,0.015179906137610706,0.11145439100007407
+12,0.011368756118131875,0.05711929928257896
+13,0.006989803841008309,0.10064084929622515
+14,0.004638949267843622,0.32090797298614265
+15,0.004972278959637475,0.23035756002874194
+16,0.004963826413380974,0.28658529196476473
+17,0.004218737738122678,0.21604095957158162
+18,0.002001642410946044,0.2199152228097126
+19,0.047391047019939146,0.144035711178496
+20,0.03256106908292514,0.20635917860149236
+21,0.0047054121240384765,0.1611536516060838
+22,0.01411366807390039,0.05894813532271501
+23,0.009982910969364928,0.06394893158189176
+24,0.00876286850466583,0.0649086662296879
+25,0.005550466410436794,0.1321899496516149
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv
new file mode 100644
index 0000000..8d8ac83
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17,0.9504831996276641,0.9898053753474523,0.9922480620147348,0.9990645463048644,0.9900662251654809,1068,128,1,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/model_17.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/model_17.pt
new file mode 100644
index 0000000..cb3056b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/model_17.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png
new file mode 100644
index 0000000..050c157
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy
new file mode 100644
index 0000000..571e3cd
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy
new file mode 100644
index 0000000..05e906e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt
new file mode 100644
index 0000000..a2f5508
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.98 0.94 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.95 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png
new file mode 100644
index 0000000..e5acd01
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png
new file mode 100644
index 0000000..50a4305
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv
new file mode 100644
index 0000000..856d715
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.12939978523606313,0.05908038560016481
+2,0.04782113841390151,0.06679293746900282
+3,0.11862624127178237,0.20109283098680597
+4,0.030695429007743566,0.1066866863569181
+5,0.039498181827222034,0.07703253988960744
+6,0.0285003933262307,0.10511421896260051
+7,0.021721994486939396,0.10669659234797783
+8,0.012718061828316663,0.09546520206674447
+9,0.013022964520726321,0.12095433019247857
+10,0.027614008905992957,0.12584799999791751
+11,0.02381282634448987,0.4265914436114291
+12,0.010929168064642229,0.18749134290931446
+13,0.017586920115974417,0.10218027089161391
+14,0.01338011487518058,0.11676177744295509
+15,0.00783489337446485,0.13146785862032434
+16,0.00858011606435327,0.09071942953104986
+17,0.028231826672828173,0.05099988821061093
+18,0.038289382535572625,0.07776517559567207
+19,0.09173253193676956,0.20667678668753076
+20,0.008780475674833995,0.5100702538962373
+21,0.005673780914685079,0.17596928032825693
+22,0.005172305137642329,0.19597591106186302
+23,0.004039857883346874,0.304141888953939
+24,0.03818614523497526,0.6621625376820439
+25,0.008099296286587553,0.153578946682412
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv
new file mode 100644
index 0000000..d6f077b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18,0.9344715198937832,0.98702502316951,0.9844961240302447,0.9981255857543582,0.9867549668873355,1065,127,2,14
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/model_18.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/model_18.pt
new file mode 100644
index 0000000..8ccc466
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/model_18.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png
new file mode 100644
index 0000000..0b43a63
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy
new file mode 100644
index 0000000..f615d26
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy
new file mode 100644
index 0000000..84a9e77
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt
new file mode 100644
index 0000000..d776a9c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.93 0.94 129
+ 1 0.99 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 0.96 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png
new file mode 100644
index 0000000..1847dad
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png
new file mode 100644
index 0000000..5bfb098
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv
new file mode 100644
index 0000000..ffca065
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.12384488743206501,0.04831819781745781
+2,0.05671699422946554,0.04110838578816906
+3,0.10391898576818669,0.045972854789015985
+4,0.04654331102324813,0.0711648017844005
+5,0.030206459967551134,0.13416068771969808
+6,0.023812806624530725,0.0642916592069894
+7,0.02181443031408683,0.18306068057521066
+8,0.050240263431792415,0.06787394883110298
+9,0.019586648003729532,0.12038016969581217
+10,0.012992808976415525,0.08224658410448853
+11,0.020118149743933268,0.14411305712711775
+12,0.025500139500627437,0.4864976629514716
+13,0.022453572440690833,0.6509437331759903
+14,0.0377555155427635,0.1313840196954954
+15,0.012629599036045868,0.20626750878051142
+16,0.00992543417609796,0.5662888680158029
+17,0.021412565194795133,0.08022226101305081
+18,0.006612138539633987,0.07767554673190966
+19,0.06711471418863563,0.0567362709111656
+20,0.02902815113026136,0.07635507835449619
+21,0.008977378240047074,0.20452105580343707
+22,0.004826166645052806,0.4738143936121083
+23,0.005980876664288785,0.12432540151024704
+24,0.009209685718651531,0.39189626328498567
+25,0.01921100687752354,0.08268902753789263
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv
new file mode 100644
index 0000000..a39b3bb
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19,0.9343171331061981,0.9944392956440227,0.9302325581388139,0.991682070240204,0.9875827814568718,1073,120,9,6
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/model_19.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/model_19.pt
new file mode 100644
index 0000000..882c3b8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/model_19.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png
new file mode 100644
index 0000000..37def8b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy
new file mode 100644
index 0000000..7c752c2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy
new file mode 100644
index 0000000..3f73868
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt
new file mode 100644
index 0000000..aaf8f0f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.96 0.94 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.98 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png
new file mode 100644
index 0000000..025ede7
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png
new file mode 100644
index 0000000..d8b141e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv
new file mode 100644
index 0000000..86b1d3d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.13592145166914016,0.07608065975270414
+2,0.051709673284218174,0.058327958201839315
+3,0.054826622087415115,0.13794329740943384
+4,0.049692183928535326,0.07125305141239698
+5,0.03594606126601072,0.033026715808410496
+6,0.027254320248154506,0.1892647286959184
+7,0.01742962528418155,0.29224077292739853
+8,0.023606540435708697,0.10396884195576882
+9,0.02470495653231573,0.1579477803602311
+10,0.1055159215704063,0.35857310935891235
+11,0.012949252478830461,0.3028457496066158
+12,0.01861640637007667,0.24067019946578366
+13,0.009333203341656906,0.4856728706100556
+14,0.029493410141308265,0.12077713679841949
+15,0.019519449161929568,0.1246961720259611
+16,0.028671343203922717,0.039524513787436336
+17,0.011073434058997382,0.14184961214752984
+18,0.007908593368494981,0.149498849958993
+19,0.0054768567848621705,0.0707379525064803
+20,0.012561227958359787,0.10534664619887864
+21,0.0359387891814553,0.1761595013394848
+22,0.03258047753756861,0.11492676708486767
+23,0.10417976806163341,0.08391913209114905
+24,0.014676168354766981,0.11199838966674548
+25,0.011520011753107193,0.11297463840128327
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv
new file mode 100644
index 0000000..16c17df
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2,0.9322667862085713,0.9898053753474523,0.9612403100767744,0.995340167753868,0.9867549668873355,1068,124,5,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/model_2.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/model_2.pt
new file mode 100644
index 0000000..46e2661
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/model_2.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png
new file mode 100644
index 0000000..3df8a33
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy
new file mode 100644
index 0000000..dc16f92
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy
new file mode 100644
index 0000000..f726237
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt
new file mode 100644
index 0000000..a35a8df
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 1.00 0.95 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.95 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png
new file mode 100644
index 0000000..26f3da1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png
new file mode 100644
index 0000000..7865a4e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv
new file mode 100644
index 0000000..c3ad006
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.11200086545804804,0.06830911883979195
+2,0.05974347450196058,0.07550384681004246
+3,0.055726209366951454,0.07322701467801968
+4,0.040965921677021434,0.1109528096182452
+5,0.06541364799953547,0.06504839331867653
+6,0.03617754865592715,0.0779023938909426
+7,0.03647994212785606,0.06043240398045577
+8,0.028267128086789182,0.11340059315437928
+9,0.020790678811791596,0.08412772083265314
+10,0.020245638353434674,0.07081158661317076
+11,0.018608858756231972,0.1899833005375131
+12,0.03215991411859987,0.06637006819800438
+13,0.014043331188798573,0.13710941738290125
+14,0.012649636912380463,0.08889791686813946
+15,0.009136181884830064,0.12147525179159036
+16,0.011708034080939338,0.06681519726833851
+17,0.0082267058848527,0.10052861325959862
+18,0.006692955032247873,0.09716177229421212
+19,0.04475849790085794,0.08958907285682288
+20,0.014158682287491413,0.18052781051095085
+21,0.0052830602187865375,0.14552163533442078
+22,0.00811173033256381,0.08909933831547033
+23,0.009450338577770952,0.09458698622385311
+24,0.006066302826009028,0.11924085444100514
+25,0.004231988252132482,0.14632595812611604
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv
new file mode 100644
index 0000000..abe7394
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20,0.9436064872177548,0.98702502316951,0.999999999999225,0.9999999999999061,0.9884105960264082,1065,129,0,14
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/model_20.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/model_20.pt
new file mode 100644
index 0000000..0afc684
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/model_20.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png
new file mode 100644
index 0000000..b3869c7
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy
new file mode 100644
index 0000000..7fc0ad9
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy
new file mode 100644
index 0000000..30e3864
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt
new file mode 100644
index 0000000..279c311
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 1.00 0.94 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.94 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png
new file mode 100644
index 0000000..1f0f6df
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png
new file mode 100644
index 0000000..3f0a5f5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv
new file mode 100644
index 0000000..54bae73
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.13226483899226638,0.05919278461125589
+2,0.058591951290937756,0.08007525055549078
+3,0.04293822638836231,0.08322767730274908
+4,0.05195208588078503,0.06328791193174486
+5,0.0376504648221038,0.061566142269502085
+6,0.03356719679961752,0.044963257428765155
+7,0.027357524627662368,0.040470332521824776
+8,0.040093085908157126,0.2035893772534168
+9,0.02100903796935391,0.10883885518791386
+10,0.014299967793155424,0.14146541564578882
+11,0.009279372876014071,0.15109016864461144
+12,0.00691649833546657,0.18405122172668686
+13,0.008195388553206215,0.10262918803872279
+14,0.008149505590179988,0.15522998268476196
+15,0.005461613109096745,0.3041682121982875
+16,0.007239270061588722,0.39412155901756524
+17,0.07617491292182767,0.13752139969965943
+18,0.022393955743098572,0.04534782675819319
+19,0.021458643506947313,0.0870045490982496
+20,0.0166552099345965,0.18980163849526785
+21,0.015108070436143574,0.2151391600088073
+22,0.05002041024048362,0.13462078879080852
+23,0.016356732299696843,0.10920097675191373
+24,0.008159517874950069,0.1618798034430188
+25,0.007749924554395161,0.20333551257072618
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv
new file mode 100644
index 0000000..20ecbb6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3,0.9361959627666213,0.9851714550508818,0.999999999999225,0.9999999999999059,0.9867549668873355,1063,129,0,16
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/model_3.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/model_3.pt
new file mode 100644
index 0000000..396e9c5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/model_3.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png
new file mode 100644
index 0000000..042e0e4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy
new file mode 100644
index 0000000..5254274
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy
new file mode 100644
index 0000000..eb62e9a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt
new file mode 100644
index 0000000..ade568d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.98 0.96 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 0.99 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png
new file mode 100644
index 0000000..e8f0d64
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png
new file mode 100644
index 0000000..0bc05c7
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv
new file mode 100644
index 0000000..e4430bc
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.11916500798326508,0.054970940965558254
+2,0.0686842526098971,0.07664624352790979
+3,0.0695436697834256,0.3643695434692481
+4,0.05048569583096869,0.05722889967141635
+5,0.03817573345452932,0.046457889293569386
+6,0.03364541977194817,0.07380446254561249
+7,0.036578948307176555,0.031101126524228258
+8,0.029262874913445196,0.10550249660996239
+9,0.011027878774640601,0.06960666341868829
+10,0.060507144814371666,0.4414436810397755
+11,0.036751009646372235,0.3561453324293816
+12,0.03273086914227372,0.26604473593109895
+13,0.019383835384163915,0.15854450300558975
+14,0.008743201125319254,0.06565182410759007
+15,0.0079235797487561,0.194384750840571
+16,0.009997941276337144,0.1753106288446303
+17,0.006079769022286925,0.0877040583391509
+18,0.00581302355112148,0.17877366612694987
+19,0.27678215228461295,0.06978494915805106
+20,0.04284641388641393,0.06021767107647923
+21,0.016859698981459,0.050373501753916396
+22,0.014248902416742218,0.3137706575774072
+23,0.013569043484694858,0.3347210295073412
+24,0.010129464672151853,0.4755835740445647
+25,0.010064035110371064,0.11752653719528629
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv
new file mode 100644
index 0000000..ae33449
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4,0.953800495678198,0.9916589434660804,0.9844961240302447,0.9981343283581158,0.9908940397350173,1070,127,2,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/model_4.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/model_4.pt
new file mode 100644
index 0000000..244b658
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/model_4.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png
new file mode 100644
index 0000000..6ac9e24
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy
new file mode 100644
index 0000000..c8511fa
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy
new file mode 100644
index 0000000..563eb52
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt
new file mode 100644
index 0000000..e536029
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.95 0.94 129
+ 1 0.99 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.97 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png
new file mode 100644
index 0000000..1c9b96d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png
new file mode 100644
index 0000000..a51a694
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/losses_model_5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/losses_model_5.csv
new file mode 100644
index 0000000..870155b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/losses_model_5.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.14500349635991444,0.041416812737401006
+2,0.06699517631421274,0.04044783399753684
+3,0.08615006306576674,0.10252634315689857
+4,0.0560798963131614,0.03921323880081951
+5,0.037066737957893336,0.08122768824222432
+6,0.036602888916980394,0.04762264059278213
+7,0.03940056364352822,0.052030350973044766
+8,0.03394078954885072,0.03655947822508756
+9,0.06182823778205099,0.06271362042639339
+10,0.01872970768216731,0.06698268688987516
+11,0.019857569711130355,0.06361162931716535
+12,0.013399779790748759,0.14231524435985698
+13,0.010467192012937112,0.1058949600039429
+14,0.016496673234327738,0.05093876686089172
+15,0.0205916830451533,0.07543641075281161
+16,0.08059128487788934,0.11062566546018887
+17,0.04099604265345327,0.11556347512817042
+18,0.023505602917269042,0.3845468898663798
+19,0.01924987785227026,0.17149663442000196
+20,0.010101114097204846,0.19907240423078434
+21,0.00858092488890972,0.21070374701837996
+22,0.008774613557581372,0.12849696506013825
+23,0.006509768636089936,0.22403594761919243
+24,0.011527883845525765,0.09232606691678817
+25,0.009844685020857656,0.146120647094757
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/metrics_model_5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/metrics_model_5.csv
new file mode 100644
index 0000000..9fb9532
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/metrics_model_5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5,0.93564689650736,0.9916589434660804,0.9534883720922842,0.9944237918214689,0.9875827814568718,1070,123,6,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/model_5.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/model_5.pt
new file mode 100644
index 0000000..8fabda8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/model_5.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/roc_curve_model_5.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/roc_curve_model_5.png
new file mode 100644
index 0000000..bd90f7b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/roc_curve_model_5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/train_losses_model_5.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/train_losses_model_5.npy
new file mode 100644
index 0000000..3749f0e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/train_losses_model_5.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_5/val_losses_model_5.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/val_losses_model_5.npy
new file mode 100644
index 0000000..dbb1aa6
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_5/val_losses_model_5.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/classification_report_model_6.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/classification_report_model_6.txt
new file mode 100644
index 0000000..d9e6488
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/classification_report_model_6.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.98 0.93 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.94 0.98 0.96 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/confusion_matrix_model_6.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/confusion_matrix_model_6.png
new file mode 100644
index 0000000..a8f94c0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/confusion_matrix_model_6.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/loss_curve_model_6.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/loss_curve_model_6.png
new file mode 100644
index 0000000..ffaba57
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/loss_curve_model_6.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/losses_model_6.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/losses_model_6.csv
new file mode 100644
index 0000000..65034eb
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/losses_model_6.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.12308299633258692,0.06558653599809956
+2,0.06743334448688337,0.08619591861122078
+3,0.051304988129389634,0.1278824057362433
+4,0.03984298431559866,0.06559972990396179
+5,0.03354333031980666,0.1315737913017426
+6,0.026711749133569395,0.049471224487628855
+7,0.034650698143872255,0.07699202467444874
+8,0.08989390760525792,0.02942258919165397
+9,0.036794842073081424,0.05180561973153794
+10,0.020827668512891643,0.06124547719536343
+11,0.01618211474765007,0.07959440992666356
+12,0.018520049139070942,0.07081946091289427
+13,0.008845676880544634,0.10562081075473513
+14,0.009401118034642083,0.11158099976054218
+15,0.007707551698804911,0.07824177982783362
+16,0.006342121022273823,0.11035154177841401
+17,0.009727013513731822,0.12346435900173679
+18,0.016091387451343163,0.054732349588484976
+19,0.006284445494316999,0.09896469112982735
+20,0.0035550382340842775,0.12786682305286473
+21,0.005585791954768529,0.12918126997367602
+22,0.0050855160638006635,0.12175169383336255
+23,0.034350657504734955,0.14149800074139857
+24,0.01758633927443043,0.1445692210903589
+25,0.06286348440004377,0.09259333729921543
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/metrics_model_6.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/metrics_model_6.csv
new file mode 100644
index 0000000..794eb96
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/metrics_model_6.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6,0.9270125848767561,0.9851714550508818,0.9844961240302447,0.9981220657276058,0.9850993377482627,1063,127,2,16
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/model_6.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/model_6.pt
new file mode 100644
index 0000000..b5f790c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/model_6.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/roc_curve_model_6.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/roc_curve_model_6.png
new file mode 100644
index 0000000..fcf18eb
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/roc_curve_model_6.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/train_losses_model_6.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/train_losses_model_6.npy
new file mode 100644
index 0000000..b06c67c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/train_losses_model_6.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_6/val_losses_model_6.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/val_losses_model_6.npy
new file mode 100644
index 0000000..249fb26
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_6/val_losses_model_6.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/classification_report_model_7.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/classification_report_model_7.txt
new file mode 100644
index 0000000..a2f5508
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/classification_report_model_7.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.98 0.94 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.95 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/confusion_matrix_model_7.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/confusion_matrix_model_7.png
new file mode 100644
index 0000000..12a194d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/confusion_matrix_model_7.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/loss_curve_model_7.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/loss_curve_model_7.png
new file mode 100644
index 0000000..f51f1b4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/loss_curve_model_7.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/losses_model_7.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/losses_model_7.csv
new file mode 100644
index 0000000..5d5a607
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/losses_model_7.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.11007551736032883,0.053604672399472
+2,0.057124329141170015,0.05111707172604398
+3,0.07766253273135695,0.057717821259669316
+4,0.047839842632329745,0.04902026582989962
+5,0.04772601549962582,0.06082643584397462
+6,0.033319189107504456,0.036828088674507944
+7,0.03468043684810525,0.138211808922936
+8,0.03254358378637954,0.11975695580645886
+9,0.019296023840806736,0.10057304936891166
+10,0.09857172963657372,0.27956952241613414
+11,0.027391679231194087,0.04000118327632095
+12,0.01558438751852021,0.09398019572895654
+13,0.01089770494682373,0.1136255663154477
+14,0.020928154228220756,0.04274066414166467
+15,0.007846966153788682,0.05235860078315572
+16,0.007283246592042018,0.08870231716507752
+17,0.03901898841334569,0.0465960875242364
+18,0.016958817916110484,0.12000160255443458
+19,0.015650978490536135,0.10848559525022446
+20,0.004973889852013704,0.09302538752432248
+21,0.0043753393548480604,0.13796721380319515
+22,0.00440971411593259,0.1308342998520182
+23,0.007539501019415842,0.26936468548721254
+24,0.009893910726605509,0.1466716108794941
+25,0.007075095266158501,0.15859945062223346
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/metrics_model_7.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/metrics_model_7.csv
new file mode 100644
index 0000000..3ddf529
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/metrics_model_7.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+7,0.9344715198937832,0.98702502316951,0.9844961240302447,0.9981255857543582,0.9867549668873355,1065,127,2,14
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/model_7.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/model_7.pt
new file mode 100644
index 0000000..1be2550
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/model_7.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/roc_curve_model_7.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/roc_curve_model_7.png
new file mode 100644
index 0000000..5e6a335
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/roc_curve_model_7.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/train_losses_model_7.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/train_losses_model_7.npy
new file mode 100644
index 0000000..6271348
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/train_losses_model_7.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_7/val_losses_model_7.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/val_losses_model_7.npy
new file mode 100644
index 0000000..0177bf8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_7/val_losses_model_7.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/classification_report_model_8.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/classification_report_model_8.txt
new file mode 100644
index 0000000..ae450a0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/classification_report_model_8.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.99 0.95 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.95 0.99 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/confusion_matrix_model_8.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/confusion_matrix_model_8.png
new file mode 100644
index 0000000..c8e4d5e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/confusion_matrix_model_8.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/loss_curve_model_8.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/loss_curve_model_8.png
new file mode 100644
index 0000000..ba37271
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/loss_curve_model_8.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/losses_model_8.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/losses_model_8.csv
new file mode 100644
index 0000000..35c6919
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/losses_model_8.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1420442631188203,0.03586974681421716
+2,0.07636332929494469,0.15902567380521027
+3,0.05454966412281833,0.04427277654952289
+4,0.06011507463717712,0.043329387635646026
+5,0.04322734454979597,0.06388309276599836
+6,0.04272901966474774,0.06369718253934538
+7,0.02850204720202745,0.0517596818217205
+8,0.025735227923959887,0.08676164766051618
+9,0.02056146835394046,0.08531759152298483
+10,0.014701466712397469,0.07243961756202841
+11,0.00826441902374656,0.146710196019769
+12,0.014648815367857232,0.11845838400459878
+13,0.03591784381735884,0.03204129952298958
+14,0.06868782808520103,0.063073531349918
+15,0.010096828999080534,0.06386605255312544
+16,0.006017177673389211,0.12436539837741052
+17,0.01625303948701326,0.027961127842800235
+18,0.005748167310471903,0.08656376997811559
+19,0.004451190071884338,0.2382969540644735
+20,0.006816123370975949,0.12687029938582817
+21,0.003048438634963088,0.1315131585762791
+22,0.004006649154114032,0.16056605193521942
+23,0.008148800567017712,0.13398101123029818
+24,0.013187503328773184,0.11496585873385658
+25,0.0160268125286737,0.11305602896023954
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/metrics_model_8.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/metrics_model_8.csv
new file mode 100644
index 0000000..8436c1a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/metrics_model_8.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8,0.9428192729019227,0.987951807228824,0.9922480620147348,0.9990627928771322,0.9884105960264082,1066,128,1,13
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/model_8.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/model_8.pt
new file mode 100644
index 0000000..13bb280
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/model_8.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/roc_curve_model_8.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/roc_curve_model_8.png
new file mode 100644
index 0000000..7d9c655
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/roc_curve_model_8.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/train_losses_model_8.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/train_losses_model_8.npy
new file mode 100644
index 0000000..5b42db8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/train_losses_model_8.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_8/val_losses_model_8.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/val_losses_model_8.npy
new file mode 100644
index 0000000..e0e48be
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_8/val_losses_model_8.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/classification_report_model_9.txt b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/classification_report_model_9.txt
new file mode 100644
index 0000000..3abadc6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/classification_report_model_9.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.95 0.93 129
+ 1 0.99 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.95 0.97 0.96 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/confusion_matrix_model_9.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/confusion_matrix_model_9.png
new file mode 100644
index 0000000..5bd5345
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/confusion_matrix_model_9.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/loss_curve_model_9.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/loss_curve_model_9.png
new file mode 100644
index 0000000..ffb7cb8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/loss_curve_model_9.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/losses_model_9.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/losses_model_9.csv
new file mode 100644
index 0000000..d298f04
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/losses_model_9.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.12645758912044247,0.060495153805541414
+2,0.06370018093507836,0.06572440274119858
+3,0.06415413715882652,0.06764943058593213
+4,0.040132563348086195,0.08793179287371708
+5,0.03738354258516778,0.06022891454419492
+6,0.017763380847460843,0.0793758646501491
+7,0.02003302801513009,0.12575721826982936
+8,0.028812694702364677,0.09362088313190704
+9,0.03717998450405097,0.15404417371263984
+10,0.11619183969452228,0.6737707538324627
+11,0.1182305719539802,0.04537529057274843
+12,0.02473239610515817,0.058925790212139964
+13,0.016387386295801578,0.08255082061153247
+14,0.010264160893990069,0.05971938656969747
+15,0.012551120093328599,0.16275656645091424
+16,0.012567323293875565,0.20697973149159926
+17,0.01134179918128121,0.12726680226777745
+18,0.00748715640169063,0.2227743098378743
+19,0.008902279288565846,0.08549028056607115
+20,0.007438427339576633,0.15550719624032414
+21,0.005798283909750676,0.2256072003780402
+22,0.003818309304530757,0.19860980955138713
+23,0.004405281785017176,0.3164980437617012
+24,0.004921505312552669,0.2095696053716093
+25,0.017191683117319424,0.08932394071927129
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/metrics_model_9.csv b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/metrics_model_9.csv
new file mode 100644
index 0000000..8751099
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/metrics_model_9.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9,0.9237594301139328,0.9888785912881382,0.9534883720922842,0.9944082013046603,0.9850993377482627,1067,123,6,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/model_9.pt b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/model_9.pt
new file mode 100644
index 0000000..afe29ca
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/model_9.pt differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/roc_curve_model_9.png b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/roc_curve_model_9.png
new file mode 100644
index 0000000..a33640f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/roc_curve_model_9.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/train_losses_model_9.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/train_losses_model_9.npy
new file mode 100644
index 0000000..cb40f84
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/train_losses_model_9.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/model_9/val_losses_model_9.npy b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/val_losses_model_9.npy
new file mode 100644
index 0000000..0dc3f3e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/model_9/val_losses_model_9.npy differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/optuna_study.db b/output/CNN1D/chest/Sc_4_T/binary_two/optuna_study.db
new file mode 100644
index 0000000..fc071bd
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/optuna_study.db differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/optuna_trials.csv b/output/CNN1D/chest/Sc_4_T/binary_two/optuna_trials.csv
new file mode 100644
index 0000000..3e4e6f1
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/optuna_trials.csv
@@ -0,0 +1,21 @@
+number,value,datetime_start,datetime_complete,duration,params_decision_threshold,params_dense_neurons,params_dropout,params_filter_size,params_kernel_size,params_learning_rate,params_num_dense_layers,params_num_layers,state
+0,0.8683556845241359,2025-07-10 07:09:44.566250,2025-07-10 07:12:35.128205,0 days 00:02:50.561955,0.7,123,0.4,61,7,0.0028983099354731013,2,3,COMPLETE
+1,0.8678020161958327,2025-07-10 07:12:35.243995,2025-07-10 07:14:14.207532,0 days 00:01:38.963537,0.6,325,0.1,19,7,0.008471997340720166,1,3,COMPLETE
+2,0.9650388976214959,2025-07-10 07:14:15.278258,2025-07-10 07:47:34.188694,0 days 00:33:18.910436,0.5,300,0.1,59,6,0.0005895289443882064,1,4,COMPLETE
+3,0.36988443293254036,2025-07-10 07:47:34.312477,2025-07-10 08:28:13.965573,0 days 00:40:39.653096,0.5,220,0.1,65,7,0.008401628846485877,2,4,COMPLETE
+4,0.9214781196623403,2025-07-10 08:28:14.049027,2025-07-10 09:21:16.756866,0 days 00:53:02.707839,0.5,249,0.1,69,7,0.00207892839755336,1,4,COMPLETE
+5,0.8925026823583482,2025-07-10 09:21:17.571146,2025-07-10 09:33:14.976673,0 days 00:11:57.405527,0.9,264,0.30000000000000004,63,5,0.002217326835834238,1,3,COMPLETE
+6,0.9111925972681382,2025-07-10 09:33:15.527446,2025-07-10 10:28:19.312979,0 days 00:55:03.785533,0.8,140,0.5,108,3,0.0002453104932058189,1,3,COMPLETE
+7,0.9478650857071962,2025-07-10 10:28:19.382413,2025-07-10 10:40:42.959984,0 days 00:12:23.577571,0.5,65,0.1,57,3,0.0005999786828419764,2,3,COMPLETE
+8,0.9481151233720893,2025-07-10 10:40:44.409194,2025-07-10 11:37:11.578655,0 days 00:56:27.169461,0.5,302,0.30000000000000004,127,3,0.0002805497425968068,2,3,COMPLETE
+9,0.7135135487135519,2025-07-10 11:37:11.670900,2025-07-10 11:46:19.377469,0 days 00:09:07.706569,0.7,79,0.4,54,7,0.005814092132047912,2,2,COMPLETE
+10,0.9496359794426157,2025-07-10 11:46:19.548593,2025-07-10 11:57:07.952476,0 days 00:10:48.403883,0.6,478,0.2,30,5,0.0001084095732255596,1,4,COMPLETE
+11,0.9505911273925157,2025-07-10 11:57:08.511556,2025-07-10 12:08:33.340479,0 days 00:11:24.828923,0.6,479,0.2,31,5,0.0001008574880440308,1,4,COMPLETE
+12,0.9521575193985103,2025-07-10 12:08:34.408229,2025-07-10 12:22:40.786003,0 days 00:14:06.377774,0.6,492,0.2,33,5,0.00011013925504637383,1,4,COMPLETE
+13,0.9474981236964355,2025-07-10 12:22:40.866854,2025-07-10 12:38:58.137739,0 days 00:16:17.270885,0.6,384,0.2,35,6,0.0007193802964674714,1,4,COMPLETE
+14,0.9460382934454683,2025-07-10 12:38:58.689532,2025-07-10 12:41:25.017904,0 days 00:02:26.328372,0.6,378,0.2,21,4,0.0003105424054462715,1,2,COMPLETE
+15,0.9211544266034309,2025-07-10 12:41:25.489710,2025-07-10 12:57:55.971819,0 days 00:16:30.482109,0.8,177,0.2,41,6,0.0013632700993164162,1,4,COMPLETE
+16,0.9369545959374896,2025-07-10 12:57:56.458801,2025-07-10 14:26:08.299874,0 days 01:28:11.841073,0.5,505,0.1,94,6,0.0004589494153403779,1,4,COMPLETE
+17,0.9207957225287086,2025-07-10 14:26:09.327143,2025-07-10 14:35:05.927954,0 days 00:08:56.600811,0.7,185,0.30000000000000004,25,4,0.0001844192204748252,1,4,COMPLETE
+18,0.9620707422030137,2025-07-10 14:35:06.368954,2025-07-10 14:41:04.630931,0 days 00:05:58.261977,0.6,383,0.2,44,4,0.0011300900573666588,1,2,COMPLETE
+19,0.9236889483052512,2025-07-10 14:41:05.094316,2025-07-10 14:49:43.281126,0 days 00:08:38.186810,0.8,353,0.4,45,4,0.0008764451718134975,1,2,COMPLETE
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/shap_analysis_completed.flag b/output/CNN1D/chest/Sc_4_T/binary_two/shap_analysis_completed.flag
new file mode 100644
index 0000000..e69de29
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/summary_metrics.csv b/output/CNN1D/chest/Sc_4_T/binary_two/summary_metrics.csv
new file mode 100644
index 0000000..3252ea5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/summary_metrics.csv
@@ -0,0 +1,3 @@
+,Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+mean,mean,0.9402322837471871,0.9888785912881382,0.9810077519372242,0.9977163148645485,0.9880380794701169,1067.0,126.55,2.45,12.0
+std,std,0.012666522473700275,0.0029766638314991383,0.01856295477139281,0.002219962445917942,0.0026105361607224524,3.2118202741878648,2.394621165511528,2.394621165511528,3.2118202741878648
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold1.txt
new file mode 100644
index 0000000..d932f1c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.68 0.97 0.80 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.96 0.88 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold2.txt
new file mode 100644
index 0000000..3360f25
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.99 0.83 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.97 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold3.txt
new file mode 100644
index 0000000..592df53
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.99 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.94 0.99 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold4.txt
new file mode 100644
index 0000000..5e538a5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.98 0.89 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.98 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold5.txt
new file mode 100644
index 0000000..cd8253a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.96 0.93 96
+ 1 1.00 0.99 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.95 0.97 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold1.png
new file mode 100644
index 0000000..d47bebc
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold2.png
new file mode 100644
index 0000000..2101c2b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold3.png
new file mode 100644
index 0000000..86ea395
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold4.png
new file mode 100644
index 0000000..c3ffff1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold5.png
new file mode 100644
index 0000000..c09ac10
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold1.png
new file mode 100644
index 0000000..2933048
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold2.png
new file mode 100644
index 0000000..a254547
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold3.png
new file mode 100644
index 0000000..98fd264
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold4.png
new file mode 100644
index 0000000..706866d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold5.png
new file mode 100644
index 0000000..18d7e12
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold1.csv
new file mode 100644
index 0000000..2149afa
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold1,0.7858865096795765,0.949483352468318,0.9684210526305596,0.9963855421685546,0.9513457556934832,827,92,3,44
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold2.csv
new file mode 100644
index 0000000..e2e761d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold2,0.8236432038452873,0.9575200918483401,0.9894736842094848,0.9988023952094611,0.9606625258798177,834,94,1,37
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold3.csv
new file mode 100644
index 0000000..2e6f724
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold3,0.929572852372326,0.9862227324912759,0.9894736842094848,0.9988372093022094,0.98654244306408,859,94,1,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold4.csv
new file mode 100644
index 0000000..c0f6db9
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold4,0.8857442405353443,0.9770378874855364,0.9789473684200222,0.9976553341147716,0.9772256728777455,851,93,2,20
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold5.csv
new file mode 100644
index 0000000..513a28c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold5,0.9268929391178043,0.9896551724136793,0.9583333333323351,0.9953757225432375,0.98654244306408,861,92,4,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold1.png
new file mode 100644
index 0000000..2d6a1d3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold2.png
new file mode 100644
index 0000000..6dab840
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold3.png
new file mode 100644
index 0000000..b181b40
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold4.png
new file mode 100644
index 0000000..aa6bcd3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold5.png
new file mode 100644
index 0000000..f15ce03
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/trial_summary.json
new file mode 100644
index 0000000..0706323
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_0/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 0,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0026577675349201725,
+ "decision_threshold": 0.8,
+ "filter_size": 89,
+ "kernel_size": 4,
+ "num_layers": 4,
+ "num_dense_layers": 2,
+ "dense_neurons": 169
+ },
+ "mean_mcc": 0.8703479491100676,
+ "mcc_scores": [
+ 0.7858865096795765,
+ 0.8236432038452873,
+ 0.929572852372326,
+ 0.8857442405353443,
+ 0.9268929391178043
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold1.txt
new file mode 100644
index 0000000..45c8dd8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.94 0.92 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.95 0.96 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold2.txt
new file mode 100644
index 0000000..6f26549
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.98 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold3.txt
new file mode 100644
index 0000000..91b570a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 1.00 0.97 0.98 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 1.00 966
+ macro avg 1.00 0.98 0.99 966
+weighted avg 1.00 1.00 1.00 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold4.txt
new file mode 100644
index 0000000..288c15f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.99 0.97 0.98 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 1.00 966
+ macro avg 0.99 0.98 0.99 966
+weighted avg 1.00 1.00 1.00 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold5.txt
new file mode 100644
index 0000000..83164bd
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.97 0.97 96
+ 1 1.00 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold1.png
new file mode 100644
index 0000000..881e58c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold2.png
new file mode 100644
index 0000000..e875503
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold3.png
new file mode 100644
index 0000000..2101c2b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold4.png
new file mode 100644
index 0000000..a083f45
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold5.png
new file mode 100644
index 0000000..8843957
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold1.png
new file mode 100644
index 0000000..14c48fd
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold2.png
new file mode 100644
index 0000000..fa7cc6b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold3.png
new file mode 100644
index 0000000..7cfde05
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold4.png
new file mode 100644
index 0000000..1e78c08
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold5.png
new file mode 100644
index 0000000..2e7a622
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold1.csv
new file mode 100644
index 0000000..e9206af
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold1,0.9085627954538926,0.9885189437427108,0.9368421052621717,0.9930795847749719,0.9834368530019686,861,89,6,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold2.csv
new file mode 100644
index 0000000..629a152
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold2,0.9598494767405225,0.9942594718712979,0.9789473684200222,0.9976958525344473,0.992753623188303,866,93,2,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold3.csv
new file mode 100644
index 0000000..a1756df
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold3,0.982393481711166,0.9999999999998851,0.9684210526305596,0.9965675057207097,0.996894409937785,871,92,3,0
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold4.csv
new file mode 100644
index 0000000..1cdc123
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold4,0.9764979265785729,0.9988518943741677,0.9684210526305596,0.9965635738830473,0.9958592132504145,870,92,3,1
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold5.csv
new file mode 100644
index 0000000..696f41a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold5,0.965301724137931,0.9965517241378165,0.9687499999989909,0.9965517241378165,0.9937888198756735,867,93,3,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold1.png
new file mode 100644
index 0000000..cd99d01
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold2.png
new file mode 100644
index 0000000..d7c03b0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold3.png
new file mode 100644
index 0000000..37bc121
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold4.png
new file mode 100644
index 0000000..770612e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold5.png
new file mode 100644
index 0000000..debf21d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/trial_summary.json
new file mode 100644
index 0000000..1dc8a6c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_1/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 1,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.000597210542825932,
+ "decision_threshold": 0.5,
+ "filter_size": 56,
+ "kernel_size": 4,
+ "num_layers": 2,
+ "num_dense_layers": 2,
+ "dense_neurons": 475
+ },
+ "mean_mcc": 0.958521080924417,
+ "mcc_scores": [
+ 0.9085627954538926,
+ 0.9598494767405225,
+ 0.982393481711166,
+ 0.9764979265785729,
+ 0.965301724137931
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold1.txt
new file mode 100644
index 0000000..c387780
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.00 0.00 0.00 95
+ 1 0.90 1.00 0.95 871
+
+ accuracy 0.90 966
+ macro avg 0.45 0.50 0.47 966
+weighted avg 0.81 0.90 0.86 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold2.txt
new file mode 100644
index 0000000..b2d81c2
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.29 0.07 0.12 95
+ 1 0.91 0.98 0.94 871
+
+ accuracy 0.89 966
+ macro avg 0.60 0.53 0.53 966
+weighted avg 0.85 0.89 0.86 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold3.txt
new file mode 100644
index 0000000..c387780
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.00 0.00 0.00 95
+ 1 0.90 1.00 0.95 871
+
+ accuracy 0.90 966
+ macro avg 0.45 0.50 0.47 966
+weighted avg 0.81 0.90 0.86 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold4.txt
new file mode 100644
index 0000000..c387780
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.00 0.00 0.00 95
+ 1 0.90 1.00 0.95 871
+
+ accuracy 0.90 966
+ macro avg 0.45 0.50 0.47 966
+weighted avg 0.81 0.90 0.86 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold5.txt
new file mode 100644
index 0000000..7cb65a9
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.28 0.08 0.13 96
+ 1 0.91 0.98 0.94 870
+
+ accuracy 0.89 966
+ macro avg 0.59 0.53 0.53 966
+weighted avg 0.84 0.89 0.86 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold1.png
new file mode 100644
index 0000000..151286c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold2.png
new file mode 100644
index 0000000..ae6e84e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold3.png
new file mode 100644
index 0000000..a3a0abf
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold4.png
new file mode 100644
index 0000000..40eee15
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold5.png
new file mode 100644
index 0000000..ca519ef
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold1.png
new file mode 100644
index 0000000..c372314
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold2.png
new file mode 100644
index 0000000..e18c2db
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold3.png
new file mode 100644
index 0000000..eb8e04c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold4.png
new file mode 100644
index 0000000..0078479
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold5.png
new file mode 100644
index 0000000..fd07e2a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold1.csv
new file mode 100644
index 0000000..39ff54f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold1,0.0,0.9999999999998851,0.0,0.9016563146996995,0.9016563146996995,871,0,95,0
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold2.csv
new file mode 100644
index 0000000..2f82cae
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold2,0.10362627803561444,0.9804822043626887,0.07368421052623822,0.9065817409765492,0.8913043478259947,854,7,88,17
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold3.csv
new file mode 100644
index 0000000..d8ec4f6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold3,0.0,0.9999999999998851,0.0,0.9016563146996995,0.9016563146996995,871,0,95,0
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold4.csv
new file mode 100644
index 0000000..88e8823
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold4,0.0,0.9999999999998851,0.0,0.9016563146996995,0.9016563146996995,871,0,95,0
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold5.csv
new file mode 100644
index 0000000..15ae0cd
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold5,0.1037801812529027,0.9758620689654051,0.08333333333324652,0.906083244396915,0.8871635610765127,849,8,88,21
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold1.png
new file mode 100644
index 0000000..18c9986
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold2.png
new file mode 100644
index 0000000..16f9dee
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold3.png
new file mode 100644
index 0000000..d413231
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold4.png
new file mode 100644
index 0000000..ca1f668
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold5.png
new file mode 100644
index 0000000..8ed2067
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/trial_summary.json
new file mode 100644
index 0000000..148fd3d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_10/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 10,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.008587123729003039,
+ "decision_threshold": 0.5,
+ "filter_size": 57,
+ "kernel_size": 5,
+ "num_layers": 2,
+ "num_dense_layers": 2,
+ "dense_neurons": 269
+ },
+ "mean_mcc": 0.041481291857703426,
+ "mcc_scores": [
+ 0.0,
+ 0.10362627803561444,
+ 0.0,
+ 0.0,
+ 0.1037801812529027
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold1.png
new file mode 100644
index 0000000..596f4f1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold2.png
new file mode 100644
index 0000000..6da8b8f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold3.png
new file mode 100644
index 0000000..cf8d5e9
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold4.png
new file mode 100644
index 0000000..4abbbe0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold5.png
new file mode 100644
index 0000000..3660cf3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold1.png
new file mode 100644
index 0000000..e3d604f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold2.png
new file mode 100644
index 0000000..b628d63
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold3.png
new file mode 100644
index 0000000..fee7359
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold4.png
new file mode 100644
index 0000000..a626942
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold5.png
new file mode 100644
index 0000000..82f0bdb
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold1.png
new file mode 100644
index 0000000..655b76e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold2.png
new file mode 100644
index 0000000..586a5d1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold3.png
new file mode 100644
index 0000000..3dbc36e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold4.png
new file mode 100644
index 0000000..b9a99f5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold5.png
new file mode 100644
index 0000000..39f4735
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold1.txt
new file mode 100644
index 0000000..402c679
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.97 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold2.txt
new file mode 100644
index 0000000..c9c661e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.96 0.93 0.94 95
+ 1 0.99 1.00 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.96 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold3.txt
new file mode 100644
index 0000000..402c679
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.97 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold4.txt
new file mode 100644
index 0000000..282f73a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.97 0.97 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold5.txt
new file mode 100644
index 0000000..8dafe05
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.99 0.89 0.93 96
+ 1 0.99 1.00 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.99 0.94 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold1.png
new file mode 100644
index 0000000..4bcb3c4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold2.png
new file mode 100644
index 0000000..d8dcb03
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold3.png
new file mode 100644
index 0000000..082c485
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold4.png
new file mode 100644
index 0000000..4dad1b9
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold5.png
new file mode 100644
index 0000000..3660cf3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold1.png
new file mode 100644
index 0000000..60e57e8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold2.png
new file mode 100644
index 0000000..9440643
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold3.png
new file mode 100644
index 0000000..07971ff
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold4.png
new file mode 100644
index 0000000..8ca4678
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold5.png
new file mode 100644
index 0000000..6e3a184
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold1.csv
new file mode 100644
index 0000000..3a866cb
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold1,0.9537999837647472,0.9942594718712979,0.9684210526305596,0.9965477560413122,0.9917184265009324,866,92,3,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold2.csv
new file mode 100644
index 0000000..cd82d7d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold2,0.9350220394242901,0.9954075774970154,0.9263157894727091,0.9919908466818086,0.988612836438821,867,88,7,4
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold3.csv
new file mode 100644
index 0000000..8ce937a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold3,0.9537999837647472,0.9942594718712979,0.9684210526305596,0.9965477560413122,0.9917184265009324,866,92,3,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold4.csv
new file mode 100644
index 0000000..05b2a52
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold4,0.9649767357544262,0.9965556831227328,0.9684210526305596,0.9965556831227328,0.9937888198756735,868,92,3,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold5.csv
new file mode 100644
index 0000000..b74122e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold5,0.9289411841643841,0.9988505747125288,0.8854166666657444,0.9874999999998877,0.9875776397514505,869,85,11,1
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold1.png
new file mode 100644
index 0000000..ed4901e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold2.png
new file mode 100644
index 0000000..c09c587
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold3.png
new file mode 100644
index 0000000..d2058ff
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold4.png
new file mode 100644
index 0000000..f382644
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold5.png
new file mode 100644
index 0000000..cf1a33f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/trial_summary.json
new file mode 100644
index 0000000..9ea2031
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_12/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 12,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.001160181923621842,
+ "decision_threshold": 0.6,
+ "filter_size": 43,
+ "kernel_size": 3,
+ "num_layers": 2,
+ "num_dense_layers": 2,
+ "dense_neurons": 279
+ },
+ "mean_mcc": 0.9473079853745189,
+ "mcc_scores": [
+ 0.9537999837647472,
+ 0.9350220394242901,
+ 0.9537999837647472,
+ 0.9649767357544262,
+ 0.9289411841643841
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold1.txt
new file mode 100644
index 0000000..f858665
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.98 0.93 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold2.txt
new file mode 100644
index 0000000..6c630ac
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.97 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold3.txt
new file mode 100644
index 0000000..baa1f4c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.98 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold4.txt
new file mode 100644
index 0000000..6f26549
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.98 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold5.txt
new file mode 100644
index 0000000..3380d83
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.97 0.96 96
+ 1 1.00 0.99 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold1.png
new file mode 100644
index 0000000..d8dcb03
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold2.png
new file mode 100644
index 0000000..00aa761
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold3.png
new file mode 100644
index 0000000..20626d0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold4.png
new file mode 100644
index 0000000..4abbbe0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold5.png
new file mode 100644
index 0000000..ebad934
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold1.png
new file mode 100644
index 0000000..7bac512
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold2.png
new file mode 100644
index 0000000..5607fee
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold3.png
new file mode 100644
index 0000000..5d58005
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold4.png
new file mode 100644
index 0000000..b1c15ce
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold5.png
new file mode 100644
index 0000000..cbb87cf
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold1.csv
new file mode 100644
index 0000000..665b11d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold1,0.9283692344924722,0.9873708381169933,0.9789473684200222,0.9976798143850351,0.98654244306408,860,93,2,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold2.csv
new file mode 100644
index 0000000..7f7fc0e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold2,0.9376429607499099,0.9908151549941456,0.9684210526305596,0.9965357967666285,0.988612836438821,863,92,3,8
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold3.csv
new file mode 100644
index 0000000..e8718cb
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold3,0.9490545807177124,0.9919632606198631,0.9789473684200222,0.9976905311777139,0.990683229813562,864,93,2,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold4.csv
new file mode 100644
index 0000000..d650cd3
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold4,0.9598494767405225,0.9942594718712979,0.9789473684200222,0.9976958525344473,0.992753623188303,866,93,2,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold5.csv
new file mode 100644
index 0000000..d38eaf5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold5,0.9542230991472228,0.9942528735631041,0.9687499999989909,0.9965437788017285,0.9917184265009324,865,93,3,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold1.png
new file mode 100644
index 0000000..b77c77e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold2.png
new file mode 100644
index 0000000..41b753d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold3.png
new file mode 100644
index 0000000..1b4558e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold4.png
new file mode 100644
index 0000000..c9d08a9
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold5.png
new file mode 100644
index 0000000..2407c54
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/trial_summary.json
new file mode 100644
index 0000000..410bdf5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_13/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 13,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.00010288378393009854,
+ "decision_threshold": 0.6,
+ "filter_size": 66,
+ "kernel_size": 4,
+ "num_layers": 2,
+ "num_dense_layers": 1,
+ "dense_neurons": 501
+ },
+ "mean_mcc": 0.945827870369568,
+ "mcc_scores": [
+ 0.9283692344924722,
+ 0.9376429607499099,
+ 0.9490545807177124,
+ 0.9598494767405225,
+ 0.9542230991472228
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold1.png
new file mode 100644
index 0000000..a3a0abf
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold2.png
new file mode 100644
index 0000000..151286c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold3.png
new file mode 100644
index 0000000..51be7b4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold4.png
new file mode 100644
index 0000000..51cb04d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold5.png
new file mode 100644
index 0000000..ca519ef
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold1.png
new file mode 100644
index 0000000..e3a08df
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold2.png
new file mode 100644
index 0000000..62d538e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold3.png
new file mode 100644
index 0000000..ca47541
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold4.png
new file mode 100644
index 0000000..b8f6005
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold5.png
new file mode 100644
index 0000000..8a1f259
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold1.png
new file mode 100644
index 0000000..e7ca867
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold2.png
new file mode 100644
index 0000000..3ebafb5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold3.png
new file mode 100644
index 0000000..ff59c4c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold4.png
new file mode 100644
index 0000000..abe0da0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold5.png
new file mode 100644
index 0000000..0ca142c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold1.txt
new file mode 100644
index 0000000..baa1f4c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.98 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold2.txt
new file mode 100644
index 0000000..34e8ff0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.98 0.93 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.98 0.96 966
+weighted avg 0.99 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold3.txt
new file mode 100644
index 0000000..03f79d6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.96 0.95 0.95 95
+ 1 0.99 1.00 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.97 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold4.txt
new file mode 100644
index 0000000..2cd2097
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.95 0.96 95
+ 1 0.99 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.99 0.97 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold5.txt
new file mode 100644
index 0000000..807f199
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.95 0.96 96
+ 1 0.99 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.98 0.97 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold1.png
new file mode 100644
index 0000000..5bff67f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold2.png
new file mode 100644
index 0000000..b6571d7
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold3.png
new file mode 100644
index 0000000..f5b9273
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold4.png
new file mode 100644
index 0000000..326c873
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold5.png
new file mode 100644
index 0000000..0408550
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold1.png
new file mode 100644
index 0000000..e49ea05
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold2.png
new file mode 100644
index 0000000..e30f97d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold3.png
new file mode 100644
index 0000000..87e1ca2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold4.png
new file mode 100644
index 0000000..871cd11
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold5.png
new file mode 100644
index 0000000..7de0acf
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold1.csv
new file mode 100644
index 0000000..6dc7e7a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold1,0.9490545807177124,0.9919632606198631,0.9789473684200222,0.9976905311777139,0.990683229813562,864,93,2,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold2.csv
new file mode 100644
index 0000000..8e301e4
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold2,0.9184503095106857,0.9850746268655585,0.9789473684200222,0.9976744186045351,0.984472049689339,858,93,2,13
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold3.csv
new file mode 100644
index 0000000..dcbc03c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold3,0.9472338915347895,0.9954075774970154,0.9473684210516343,0.9942660550457575,0.990683229813562,867,90,5,4
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold4.csv
new file mode 100644
index 0000000..42c1277
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold4,0.9587077605677281,0.9977037887484502,0.9473684210516343,0.9942791762012592,0.992753623188303,869,90,5,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold5.csv
new file mode 100644
index 0000000..a72a060
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold5,0.9533678475927547,0.9965517241378165,0.9479166666656792,0.9942660550457575,0.9917184265009324,867,91,5,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold1.png
new file mode 100644
index 0000000..3e54533
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold2.png
new file mode 100644
index 0000000..5bc988f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold3.png
new file mode 100644
index 0000000..aee81a5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold4.png
new file mode 100644
index 0000000..7525e0f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold5.png
new file mode 100644
index 0000000..b2d69c9
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/trial_summary.json
new file mode 100644
index 0000000..14d9b2a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_15/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 15,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.000378770738303676,
+ "decision_threshold": 0.6,
+ "filter_size": 16,
+ "kernel_size": 3,
+ "num_layers": 3,
+ "num_dense_layers": 2,
+ "dense_neurons": 326
+ },
+ "mean_mcc": 0.9453628779847343,
+ "mcc_scores": [
+ 0.9490545807177124,
+ 0.9184503095106857,
+ 0.9472338915347895,
+ 0.9587077605677281,
+ 0.9533678475927547
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold1.txt
new file mode 100644
index 0000000..f2b1140
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.98 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold2.txt
new file mode 100644
index 0000000..24315e7
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.96 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.97 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold3.txt
new file mode 100644
index 0000000..baa1f4c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.98 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold4.txt
new file mode 100644
index 0000000..f2b1140
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.98 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold5.txt
new file mode 100644
index 0000000..0d53574
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.98 0.96 96
+ 1 1.00 0.99 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.97 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold1.png
new file mode 100644
index 0000000..d78a406
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold2.png
new file mode 100644
index 0000000..596f4f1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold3.png
new file mode 100644
index 0000000..707d401
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold4.png
new file mode 100644
index 0000000..596f4f1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold5.png
new file mode 100644
index 0000000..471ab09
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold1.png
new file mode 100644
index 0000000..9fd623a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold2.png
new file mode 100644
index 0000000..5bf9986
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold3.png
new file mode 100644
index 0000000..dea71c8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold4.png
new file mode 100644
index 0000000..7285799
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold5.png
new file mode 100644
index 0000000..a734a08
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold1.csv
new file mode 100644
index 0000000..edbdc87
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold1,0.9385660747891933,0.9896670493684282,0.9789473684200222,0.9976851851850697,0.988612836438821,862,93,2,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold2.csv
new file mode 100644
index 0000000..d83325f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold2,0.9314877823391454,0.9908151549941456,0.9578947368410969,0.9953863898499428,0.9875776397514505,863,91,4,8
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold3.csv
new file mode 100644
index 0000000..54edcb5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold3,0.9490545807177124,0.9919632606198631,0.9789473684200222,0.9976905311777139,0.990683229813562,864,93,2,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold4.csv
new file mode 100644
index 0000000..5a7bbab
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold4,0.9385660747891933,0.9896670493684282,0.9789473684200222,0.9976851851850697,0.988612836438821,862,93,2,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold5.csv
new file mode 100644
index 0000000..4c857b2
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold5,0.9602142719479301,0.9942528735631041,0.9791666666656467,0.9976931949249137,0.992753623188303,865,94,2,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold1.png
new file mode 100644
index 0000000..2fdc64a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold2.png
new file mode 100644
index 0000000..ea36007
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold3.png
new file mode 100644
index 0000000..837d4cf
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold4.png
new file mode 100644
index 0000000..3126e50
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold5.png
new file mode 100644
index 0000000..e876c30
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/trial_summary.json
new file mode 100644
index 0000000..79c2fd6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_17/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 17,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.00025016769862355287,
+ "decision_threshold": 0.6,
+ "filter_size": 62,
+ "kernel_size": 3,
+ "num_layers": 3,
+ "num_dense_layers": 1,
+ "dense_neurons": 229
+ },
+ "mean_mcc": 0.9435777569166348,
+ "mcc_scores": [
+ 0.9385660747891933,
+ 0.9314877823391454,
+ 0.9490545807177124,
+ 0.9385660747891933,
+ 0.9602142719479301
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold1.txt
new file mode 100644
index 0000000..19e8e0d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.97 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold2.txt
new file mode 100644
index 0000000..282f73a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.97 0.97 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold3.txt
new file mode 100644
index 0000000..68a1930
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 1.00 0.97 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 1.00 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold4.txt
new file mode 100644
index 0000000..777127e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.96 0.96 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold5.txt
new file mode 100644
index 0000000..64e2496
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.94 0.96 96
+ 1 0.99 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.99 0.97 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold1.png
new file mode 100644
index 0000000..596f4f1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold2.png
new file mode 100644
index 0000000..597d4ad
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold3.png
new file mode 100644
index 0000000..6db3e1e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold4.png
new file mode 100644
index 0000000..ea71662
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold5.png
new file mode 100644
index 0000000..d8b9959
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold1.png
new file mode 100644
index 0000000..647772a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold2.png
new file mode 100644
index 0000000..72c4122
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold3.png
new file mode 100644
index 0000000..4623bc3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold4.png
new file mode 100644
index 0000000..0577269
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold5.png
new file mode 100644
index 0000000..6b29659
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold1.csv
new file mode 100644
index 0000000..0b432c9
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold1,0.9429502757817718,0.9919632606198631,0.9684210526305596,0.9965397923874283,0.9896480331261915,864,92,3,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold2.csv
new file mode 100644
index 0000000..ac600bb
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold2,0.9649767357544262,0.9965556831227328,0.9684210526305596,0.9965556831227328,0.9937888198756735,868,92,3,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold3.csv
new file mode 100644
index 0000000..35b9837
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold3,0.9664960690138464,0.9931113662455805,0.9999999999989474,0.9999999999998843,0.9937888198756735,865,95,0,6
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold4.csv
new file mode 100644
index 0000000..e7691c2
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold4,0.9589635151628193,0.9965556831227328,0.9578947368410969,0.995412844036583,0.992753623188303,868,91,4,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold5.csv
new file mode 100644
index 0000000..6b5108f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold5,0.9531267200454564,0.9977011494251726,0.9374999999990234,0.9931350114415339,0.9917184265009324,868,90,6,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold1.png
new file mode 100644
index 0000000..91778ac
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold2.png
new file mode 100644
index 0000000..4c5d95c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold3.png
new file mode 100644
index 0000000..7f86073
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold4.png
new file mode 100644
index 0000000..806f7a5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold5.png
new file mode 100644
index 0000000..c08cd9b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/trial_summary.json
new file mode 100644
index 0000000..14b5acc
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_18/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 18,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0015564142934752188,
+ "decision_threshold": 0.5,
+ "filter_size": 24,
+ "kernel_size": 5,
+ "num_layers": 2,
+ "num_dense_layers": 1,
+ "dense_neurons": 359
+ },
+ "mean_mcc": 0.957302663151664,
+ "mcc_scores": [
+ 0.9429502757817718,
+ 0.9649767357544262,
+ 0.9664960690138464,
+ 0.9589635151628193,
+ 0.9531267200454564
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold1.txt
new file mode 100644
index 0000000..0be5ba4
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.99 0.90 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.98 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold2.txt
new file mode 100644
index 0000000..30b4c81
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.81 0.87 95
+ 1 0.98 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.96 0.90 0.93 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold3.txt
new file mode 100644
index 0000000..202d483
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.95 0.92 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.97 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold4.txt
new file mode 100644
index 0000000..d13a93c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.87 0.89 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.93 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold5.txt
new file mode 100644
index 0000000..a882c59
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.90 0.92 96
+ 1 0.99 0.99 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.97 0.95 0.96 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold1.png
new file mode 100644
index 0000000..707d401
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold2.png
new file mode 100644
index 0000000..652623e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold3.png
new file mode 100644
index 0000000..6db3e1e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold4.png
new file mode 100644
index 0000000..2f139ee
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold5.png
new file mode 100644
index 0000000..5dfb0c0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold1.png
new file mode 100644
index 0000000..01c2344
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold2.png
new file mode 100644
index 0000000..4960b13
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold3.png
new file mode 100644
index 0000000..c3474eb
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold4.png
new file mode 100644
index 0000000..c053ef0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold5.png
new file mode 100644
index 0000000..032f479
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold1.csv
new file mode 100644
index 0000000..68b0fc1
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold1,0.8920839281211732,0.9770378874855364,0.9894736842094848,0.9988262910796949,0.978260869565116,851,94,1,20
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold2.csv
new file mode 100644
index 0000000..8ad7850
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold2,0.8598409402965181,0.9942594718712979,0.8105263157886204,0.9796380090496629,0.9761904761903751,866,77,18,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold3.csv
new file mode 100644
index 0000000..62d808f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold3,0.9096883292713837,0.9873708381169933,0.9473684210516343,0.9942196531790758,0.9834368530019686,860,90,5,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold4.csv
new file mode 100644
index 0000000..c013ef1
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold4,0.8758077365656951,0.9896670493684282,0.8736842105253961,0.9862700228831823,0.978260869565116,862,83,12,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold5.csv
new file mode 100644
index 0000000..8dd4260
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold5,0.9115963786455504,0.9942528735631041,0.8958333333324001,0.9885714285713155,0.984472049689339,865,86,10,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold1.png
new file mode 100644
index 0000000..040cdc4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold2.png
new file mode 100644
index 0000000..3988c2d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold3.png
new file mode 100644
index 0000000..f369e76
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold4.png
new file mode 100644
index 0000000..a6e50fa
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold5.png
new file mode 100644
index 0000000..5cc7d98
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/trial_summary.json
new file mode 100644
index 0000000..48aef05
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_19/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 19,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.004452669973643538,
+ "decision_threshold": 0.5,
+ "filter_size": 84,
+ "kernel_size": 5,
+ "num_layers": 3,
+ "num_dense_layers": 2,
+ "dense_neurons": 418
+ },
+ "mean_mcc": 0.889803462580064,
+ "mcc_scores": [
+ 0.8920839281211732,
+ 0.8598409402965181,
+ 0.9096883292713837,
+ 0.8758077365656951,
+ 0.9115963786455504
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold1.txt
new file mode 100644
index 0000000..8333275
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.97 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold2.txt
new file mode 100644
index 0000000..777127e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.96 0.96 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold3.txt
new file mode 100644
index 0000000..c985c26
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.98 0.93 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.94 0.98 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold4.txt
new file mode 100644
index 0000000..c46f790
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.97 0.93 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.94 0.98 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold5.txt
new file mode 100644
index 0000000..6c112e4
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.97 0.93 96
+ 1 1.00 0.99 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold1.png
new file mode 100644
index 0000000..9ca1b14
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold2.png
new file mode 100644
index 0000000..3e77d73
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold3.png
new file mode 100644
index 0000000..69e4755
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold4.png
new file mode 100644
index 0000000..40eee15
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold5.png
new file mode 100644
index 0000000..ac0eafe
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold1.png
new file mode 100644
index 0000000..5c4de7c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold2.png
new file mode 100644
index 0000000..a8e7291
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold3.png
new file mode 100644
index 0000000..9b86116
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold4.png
new file mode 100644
index 0000000..1d8b0f8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold5.png
new file mode 100644
index 0000000..73ac445
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold1.csv
new file mode 100644
index 0000000..041318d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold1,0.9324114251683687,0.9896670493684282,0.9684210526305596,0.9965317919073992,0.9875776397514505,862,92,3,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold2.csv
new file mode 100644
index 0000000..4762ab6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold2,0.9589635151628193,0.9965556831227328,0.9578947368410969,0.995412844036583,0.992753623188303,868,91,4,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold3.csv
new file mode 100644
index 0000000..d2e6a36
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold3,0.9233758562144264,0.9862227324912759,0.9789473684200222,0.9976771196282233,0.9855072463767095,859,93,2,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold4.csv
new file mode 100644
index 0000000..6a98d23
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold4,0.9221683475498865,0.9873708381169933,0.9684210526305596,0.9965237543451916,0.9855072463767095,860,92,3,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold5.csv
new file mode 100644
index 0000000..cfe1e4e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold5,0.9278958130187541,0.9885057471263231,0.9687499999989909,0.9965237543451916,0.98654244306408,860,93,3,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold1.png
new file mode 100644
index 0000000..5e6c8db
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold2.png
new file mode 100644
index 0000000..03d43ef
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold3.png
new file mode 100644
index 0000000..8d0ae46
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold4.png
new file mode 100644
index 0000000..b54c2dd
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold5.png
new file mode 100644
index 0000000..d483480
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/trial_summary.json
new file mode 100644
index 0000000..c2fc447
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_2/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 2,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0006415747576102306,
+ "decision_threshold": 0.6,
+ "filter_size": 23,
+ "kernel_size": 7,
+ "num_layers": 4,
+ "num_dense_layers": 1,
+ "dense_neurons": 179
+ },
+ "mean_mcc": 0.932962991422851,
+ "mcc_scores": [
+ 0.9324114251683687,
+ 0.9589635151628193,
+ 0.9233758562144264,
+ 0.9221683475498865,
+ 0.9278958130187541
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold1.txt
new file mode 100644
index 0000000..381e9f8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.98 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold2.txt
new file mode 100644
index 0000000..23ad962
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.87 0.98 0.92 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.93 0.98 0.96 966
+weighted avg 0.99 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold3.txt
new file mode 100644
index 0000000..b518447
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.96 0.97 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.99 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold4.txt
new file mode 100644
index 0000000..8fb3e5b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.97 0.97 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.99 0.98 0.99 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold5.txt
new file mode 100644
index 0000000..91dd15c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.95 0.96 96
+ 1 0.99 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.99 0.97 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold1.csv
new file mode 100644
index 0000000..b8669b5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold1,0.9334320776665073,0.9885189437427108,0.9789473684200222,0.9976825028967558,0.9875776397514505,861,93,2,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold2.csv
new file mode 100644
index 0000000..5699c6b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold2,0.9135910144451179,0.983926521239841,0.9789473684200222,0.997671711292084,0.9834368530019686,857,93,2,14
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold3.csv
new file mode 100644
index 0000000..c99340c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold3,0.9647121650298529,0.9977037887484502,0.9578947368410969,0.9954180985107679,0.9937888198756735,869,91,4,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold4.csv
new file mode 100644
index 0000000..6a5d2fe
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold4,0.9706931387908492,0.9977037887484502,0.9684210526305596,0.9965596330274086,0.994824016563044,869,92,3,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold5.csv
new file mode 100644
index 0000000..83e678c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold5,0.9590964703717836,0.9977011494251726,0.9479166666656792,0.9942726231384886,0.992753623188303,868,91,5,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/trial_summary.json
new file mode 100644
index 0000000..35c2587
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_22/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 22,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0008509284568873989,
+ "decision_threshold": 0.6,
+ "filter_size": 36,
+ "kernel_size": 4,
+ "num_layers": 2,
+ "num_dense_layers": 1,
+ "dense_neurons": 320
+ },
+ "mean_mcc": 0.9483049732608222,
+ "mcc_scores": [
+ 0.9334320776665073,
+ 0.9135910144451179,
+ 0.9647121650298529,
+ 0.9706931387908492,
+ 0.9590964703717836
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold1.txt
new file mode 100644
index 0000000..03c17f6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.98 0.90 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.98 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold2.txt
new file mode 100644
index 0000000..b6caeaf
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.93 0.91 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.96 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold3.txt
new file mode 100644
index 0000000..6f26549
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.98 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold4.txt
new file mode 100644
index 0000000..104625b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.99 0.94 0.96 95
+ 1 0.99 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.99 0.97 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold5.txt
new file mode 100644
index 0000000..1649c0d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.96 0.95 0.95 96
+ 1 0.99 1.00 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.98 0.97 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold1.csv
new file mode 100644
index 0000000..3d76cfd
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold1,0.8902364816691278,0.9781859931112539,0.9789473684200222,0.9976580796251758,0.978260869565116,852,93,2,19
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold2.csv
new file mode 100644
index 0000000..3ea6186
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold2,0.9022785328122401,0.9885189437427108,0.9263157894727091,0.9919354838708534,0.9824016563145981,861,88,7,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold3.csv
new file mode 100644
index 0000000..34fd40b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold3,0.9598494767405225,0.9942594718712979,0.9789473684200222,0.9976958525344473,0.992753623188303,866,93,2,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold4.csv
new file mode 100644
index 0000000..1b21ada
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold4,0.9585867392313819,0.9988518943741677,0.9368421052621717,0.9931506849313935,0.992753623188303,870,89,6,1
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold5.csv
new file mode 100644
index 0000000..0f106c5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold5,0.9477262912764015,0.9954022988504603,0.9479166666656792,0.9942594718712979,0.990683229813562,866,91,5,4
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/trial_summary.json
new file mode 100644
index 0000000..12aac87
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_23/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 23,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0032947800829673047,
+ "decision_threshold": 0.5,
+ "filter_size": 25,
+ "kernel_size": 5,
+ "num_layers": 2,
+ "num_dense_layers": 1,
+ "dense_neurons": 416
+ },
+ "mean_mcc": 0.9317355043459348,
+ "mcc_scores": [
+ 0.8902364816691278,
+ 0.9022785328122401,
+ 0.9598494767405225,
+ 0.9585867392313819,
+ 0.9477262912764015
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold1.txt
new file mode 100644
index 0000000..c4fb0b3
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.83 0.88 95
+ 1 0.98 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.96 0.91 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold2.txt
new file mode 100644
index 0000000..5387f33
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.99 0.93 0.96 95
+ 1 0.99 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.99 0.96 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold3.txt
new file mode 100644
index 0000000..19e8e0d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.97 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold4.txt
new file mode 100644
index 0000000..bd54f0d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.96 0.97 0.96 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold5.txt
new file mode 100644
index 0000000..807f199
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.95 0.96 96
+ 1 0.99 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.98 0.97 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold1.csv
new file mode 100644
index 0000000..fc93a37
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold1,0.8727543610098336,0.9942594718712979,0.8315789473675457,0.9818594104307277,0.978260869565116,866,79,16,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold2.csv
new file mode 100644
index 0000000..a5d6d7b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold2,0.9525691988689958,0.9988518943741677,0.9263157894727091,0.9920182440135699,0.9917184265009324,870,88,7,1
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold3.csv
new file mode 100644
index 0000000..37cf46c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold3,0.9429502757817718,0.9919632606198631,0.9684210526305596,0.9965397923874283,0.9896480331261915,864,92,3,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold4.csv
new file mode 100644
index 0000000..7056e9c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold4,0.9593464217230926,0.9954075774970154,0.9684210526305596,0.9965517241378165,0.992753623188303,867,92,3,4
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold5.csv
new file mode 100644
index 0000000..d3ca5a1
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold5,0.9533678475927547,0.9965517241378165,0.9479166666656792,0.9942660550457575,0.9917184265009324,867,91,5,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/trial_summary.json
new file mode 100644
index 0000000..1809fed
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_25/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 25,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0015954520931565058,
+ "decision_threshold": 0.5,
+ "filter_size": 27,
+ "kernel_size": 3,
+ "num_layers": 2,
+ "num_dense_layers": 1,
+ "dense_neurons": 503
+ },
+ "mean_mcc": 0.9361976209952896,
+ "mcc_scores": [
+ 0.8727543610098336,
+ 0.9525691988689958,
+ 0.9429502757817718,
+ 0.9593464217230926,
+ 0.9533678475927547
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold1.txt
new file mode 100644
index 0000000..25f38c8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.85 0.99 0.91 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.92 0.98 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold2.txt
new file mode 100644
index 0000000..48be3dc
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.97 0.92 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.98 0.96 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold3.txt
new file mode 100644
index 0000000..777127e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.96 0.96 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold4.txt
new file mode 100644
index 0000000..282f73a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.97 0.97 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold5.txt
new file mode 100644
index 0000000..d6aaa56
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.97 0.94 96
+ 1 1.00 0.99 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold1.csv
new file mode 100644
index 0000000..443e06e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold1,0.9056873823164312,0.9804822043626887,0.9894736842094848,0.9988304093566083,0.9813664596272276,854,94,1,17
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold2.csv
new file mode 100644
index 0000000..4c1c9b8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold2,0.9122069660261899,0.9850746268655585,0.9684210526305596,0.9965156794423929,0.9834368530019686,858,92,3,13
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold3.csv
new file mode 100644
index 0000000..9fc03a8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold3,0.9589635151628193,0.9965556831227328,0.9578947368410969,0.995412844036583,0.992753623188303,868,91,4,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold4.csv
new file mode 100644
index 0000000..a5f11a7
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold4,0.9649767357544262,0.9965556831227328,0.9684210526305596,0.9965556831227328,0.9937888198756735,868,92,3,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold5.csv
new file mode 100644
index 0000000..8099abd
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold5,0.9330124406482692,0.9896551724136793,0.9687499999989909,0.9965277777776624,0.9875776397514505,861,93,3,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/trial_summary.json
new file mode 100644
index 0000000..c2c0301
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_26/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 26,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.0009543414545704293,
+ "decision_threshold": 0.6,
+ "filter_size": 39,
+ "kernel_size": 6,
+ "num_layers": 3,
+ "num_dense_layers": 2,
+ "dense_neurons": 294
+ },
+ "mean_mcc": 0.9349694079816271,
+ "mcc_scores": [
+ 0.9056873823164312,
+ 0.9122069660261899,
+ 0.9589635151628193,
+ 0.9649767357544262,
+ 0.9330124406482692
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold1.txt
new file mode 100644
index 0000000..baa1f4c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.98 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold2.txt
new file mode 100644
index 0000000..7b7311e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.96 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold3.txt
new file mode 100644
index 0000000..a6137f8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.98 0.98 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 1.00 966
+ macro avg 0.99 0.99 0.99 966
+weighted avg 1.00 1.00 1.00 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold4.txt
new file mode 100644
index 0000000..cd82045
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.98 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold5.txt
new file mode 100644
index 0000000..0fa92a1
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.98 0.98 96
+ 1 1.00 1.00 1.00 870
+
+ accuracy 1.00 966
+ macro avg 0.99 0.99 0.99 966
+weighted avg 1.00 1.00 1.00 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold1.csv
new file mode 100644
index 0000000..14345e1
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold1,0.9490545807177124,0.9919632606198631,0.9789473684200222,0.9976905311777139,0.990683229813562,864,93,2,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold2.csv
new file mode 100644
index 0000000..d54b345
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold2,0.9477262912764015,0.9942594718712979,0.9578947368410969,0.9954022988504603,0.990683229813562,866,91,4,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold3.csv
new file mode 100644
index 0000000..d22ca21
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold3,0.9766511571696175,0.9977037887484502,0.9789473684200222,0.9977037887484502,0.9958592132504145,869,93,2,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold4.csv
new file mode 100644
index 0000000..ab4594f
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold4,0.9437729731168613,0.9908151549941456,0.9789473684200222,0.997687861271561,0.9896480331261915,863,93,2,8
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold5.csv
new file mode 100644
index 0000000..a6c7b65
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold5,0.976867816091954,0.9977011494251726,0.9791666666656467,0.9977011494251726,0.9958592132504145,868,94,2,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/trial_summary.json
new file mode 100644
index 0000000..ba88e0b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_27/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 27,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0005846321913883031,
+ "decision_threshold": 0.5,
+ "filter_size": 52,
+ "kernel_size": 4,
+ "num_layers": 2,
+ "num_dense_layers": 1,
+ "dense_neurons": 368
+ },
+ "mean_mcc": 0.9588145636745093,
+ "mcc_scores": [
+ 0.9490545807177124,
+ 0.9477262912764015,
+ 0.9766511571696175,
+ 0.9437729731168613,
+ 0.976867816091954
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold1.txt
new file mode 100644
index 0000000..126a7b6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.99 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold1.csv
new file mode 100644
index 0000000..a930e49
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+28fold1,0.9551345210653538,0.9919632606198631,0.9894736842094848,0.9988439306357226,0.9917184265009324,864,94,1,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold1.txt
new file mode 100644
index 0000000..126a7b6
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.99 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold2.txt
new file mode 100644
index 0000000..24315e7
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.96 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.96 0.97 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold3.txt
new file mode 100644
index 0000000..f7fc25e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.99 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold4.txt
new file mode 100644
index 0000000..402c679
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.97 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold5.txt
new file mode 100644
index 0000000..360aa83
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.96 0.97 96
+ 1 1.00 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.99 0.98 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold1.png
new file mode 100644
index 0000000..d07fac2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold2.png
new file mode 100644
index 0000000..d7ebb97
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold3.png
new file mode 100644
index 0000000..b6571d7
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold4.png
new file mode 100644
index 0000000..d07fac2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold5.png
new file mode 100644
index 0000000..5c93eb0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold1.png
new file mode 100644
index 0000000..7bb9ce8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold2.png
new file mode 100644
index 0000000..11251b0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold3.png
new file mode 100644
index 0000000..ac76b6a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold4.png
new file mode 100644
index 0000000..acf92e0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold5.png
new file mode 100644
index 0000000..1cd7561
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold1.csv
new file mode 100644
index 0000000..890ac2e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold1,0.9551345210653538,0.9919632606198631,0.9894736842094848,0.9988439306357226,0.9917184265009324,864,94,1,7
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold2.csv
new file mode 100644
index 0000000..bc7d3c8
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold2,0.9314877823391454,0.9908151549941456,0.9578947368410969,0.9953863898499428,0.9875776397514505,863,91,4,8
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold3.csv
new file mode 100644
index 0000000..8eb95cb
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold3,0.9345447464026629,0.9873708381169933,0.9894736842094848,0.9988385598140536,0.9875776397514505,860,94,1,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold4.csv
new file mode 100644
index 0000000..7d311e2
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold4,0.9537999837647472,0.9942594718712979,0.9684210526305596,0.9965477560413122,0.9917184265009324,866,92,3,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold5.csv
new file mode 100644
index 0000000..ac4f197
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold5,0.965042923538783,0.9977011494251726,0.9583333333323351,0.995412844036583,0.9937888198756735,868,92,4,2
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold1.png
new file mode 100644
index 0000000..dc84f2a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold2.png
new file mode 100644
index 0000000..4bd8453
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold3.png
new file mode 100644
index 0000000..f2a4c08
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold4.png
new file mode 100644
index 0000000..5c06b78
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold5.png
new file mode 100644
index 0000000..5c06b78
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/trial_summary.json
new file mode 100644
index 0000000..137bb11
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_3/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 3,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.00021452214503016431,
+ "decision_threshold": 0.7,
+ "filter_size": 114,
+ "kernel_size": 3,
+ "num_layers": 3,
+ "num_dense_layers": 1,
+ "dense_neurons": 105
+ },
+ "mean_mcc": 0.9480019914221385,
+ "mcc_scores": [
+ 0.9551345210653538,
+ 0.9314877823391454,
+ 0.9345447464026629,
+ 0.9537999837647472,
+ 0.965042923538783
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold1.txt
new file mode 100644
index 0000000..ee6abb9
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.96 0.98 0.97 95
+ 1 1.00 1.00 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold2.txt
new file mode 100644
index 0000000..f2b1140
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.91 0.98 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold3.txt
new file mode 100644
index 0000000..8f07f4c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.99 0.97 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold4.txt
new file mode 100644
index 0000000..889c040
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.96 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold5.txt
new file mode 100644
index 0000000..fe72dc2
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.98 0.97 96
+ 1 1.00 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.98 0.99 0.99 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold1.png
new file mode 100644
index 0000000..b8acd86
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold2.png
new file mode 100644
index 0000000..bd2913d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold3.png
new file mode 100644
index 0000000..6da8b8f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold4.png
new file mode 100644
index 0000000..7f8e43b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold5.png
new file mode 100644
index 0000000..8afdc07
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold1.png
new file mode 100644
index 0000000..93829d8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold2.png
new file mode 100644
index 0000000..884a379
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold3.png
new file mode 100644
index 0000000..34c628c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold4.png
new file mode 100644
index 0000000..1976467
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold5.png
new file mode 100644
index 0000000..ff2a763
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold1.csv
new file mode 100644
index 0000000..d72e806
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold1,0.9653667109113476,0.9954075774970154,0.9789473684200222,0.997698504027503,0.9937888198756735,867,93,2,4
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold2.csv
new file mode 100644
index 0000000..d85f2a7
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold2,0.9385660747891933,0.9896670493684282,0.9789473684200222,0.9976851851850697,0.988612836438821,862,93,2,9
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold3.csv
new file mode 100644
index 0000000..3b3b8b5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold3,0.9658752626670246,0.9942594718712979,0.9894736842094848,0.9988465974623991,0.9937888198756735,866,94,1,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold4.csv
new file mode 100644
index 0000000..08c062d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold4,0.9422332566181468,0.9931113662455805,0.9578947368410969,0.9953970080551213,0.9896480331261915,865,91,4,6
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold5.csv
new file mode 100644
index 0000000..1e47bd0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold5,0.9712342258232135,0.9965517241378165,0.9791666666656467,0.997698504027503,0.994824016563044,867,94,2,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold1.png
new file mode 100644
index 0000000..849e6ab
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold2.png
new file mode 100644
index 0000000..5a20238
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold3.png
new file mode 100644
index 0000000..296c0a6
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold4.png
new file mode 100644
index 0000000..9bf5e19
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold5.png
new file mode 100644
index 0000000..c4afde8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/trial_summary.json
new file mode 100644
index 0000000..e3990b2
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_4/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 4,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0010611022556619389,
+ "decision_threshold": 0.6,
+ "filter_size": 24,
+ "kernel_size": 3,
+ "num_layers": 2,
+ "num_dense_layers": 1,
+ "dense_neurons": 330
+ },
+ "mean_mcc": 0.9566551061617851,
+ "mcc_scores": [
+ 0.9653667109113476,
+ 0.9385660747891933,
+ 0.9658752626670246,
+ 0.9422332566181468,
+ 0.9712342258232135
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold1.txt
new file mode 100644
index 0000000..2f5857b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.80 0.99 0.88 95
+ 1 1.00 0.97 0.99 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.98 0.93 966
+weighted avg 0.98 0.97 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold2.txt
new file mode 100644
index 0000000..8cd4560
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.99 0.90 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.92 0.98 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold3.txt
new file mode 100644
index 0000000..a7e167e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 1.00 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.94 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold4.txt
new file mode 100644
index 0000000..a55c205
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.98 0.85 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.97 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold5.txt
new file mode 100644
index 0000000..2506c9e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.98 0.94 96
+ 1 1.00 0.99 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold1.png
new file mode 100644
index 0000000..37cc0e3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold2.png
new file mode 100644
index 0000000..86ea395
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold3.png
new file mode 100644
index 0000000..9182378
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold4.png
new file mode 100644
index 0000000..fafd248
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold5.png
new file mode 100644
index 0000000..30c3ec2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold1.png
new file mode 100644
index 0000000..04389e5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold2.png
new file mode 100644
index 0000000..b64bf47
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold3.png
new file mode 100644
index 0000000..a8a8607
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold4.png
new file mode 100644
index 0000000..7e7ef40
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold5.png
new file mode 100644
index 0000000..223f544
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold1.csv
new file mode 100644
index 0000000..2cde9b0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold1,0.8747229491997398,0.9724454649826667,0.9894736842094848,0.9988207547168633,0.9741200828156341,847,94,1,24
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold2.csv
new file mode 100644
index 0000000..f5d2e4b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold2,0.8965608838530079,0.9781859931112539,0.9894736842094848,0.9988276670573272,0.9792960662524866,852,94,1,19
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold3.csv
new file mode 100644
index 0000000..28c5a0c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold3,0.9357447910056588,0.9862227324912759,0.9999999999989474,0.9999999999998835,0.9875776397514505,859,95,0,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold4.csv
new file mode 100644
index 0000000..dde364e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold4,0.8437395955386374,0.9655568312283621,0.9789473684200222,0.997627520759075,0.9668737060040407,841,93,2,30
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold5.csv
new file mode 100644
index 0000000..ebca511
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold5,0.9340138166941382,0.9885057471263231,0.9791666666656467,0.9976798143850351,0.9875776397514505,860,94,2,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold1.png
new file mode 100644
index 0000000..f7b7233
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold2.png
new file mode 100644
index 0000000..62f1aeb
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold3.png
new file mode 100644
index 0000000..cdfbe3d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold4.png
new file mode 100644
index 0000000..bd36d15
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold5.png
new file mode 100644
index 0000000..a9d4160
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/trial_summary.json
new file mode 100644
index 0000000..ca6836e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_5/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 5,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.00060246397194276,
+ "decision_threshold": 0.7,
+ "filter_size": 44,
+ "kernel_size": 6,
+ "num_layers": 4,
+ "num_dense_layers": 1,
+ "dense_neurons": 93
+ },
+ "mean_mcc": 0.8969564072582363,
+ "mcc_scores": [
+ 0.8747229491997398,
+ 0.8965608838530079,
+ 0.9357447910056588,
+ 0.8437395955386374,
+ 0.9340138166941382
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold1.txt
new file mode 100644
index 0000000..f7fc25e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.99 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold2.txt
new file mode 100644
index 0000000..34e8ff0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.98 0.93 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.98 0.96 966
+weighted avg 0.99 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold3.txt
new file mode 100644
index 0000000..e052004
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 1.00 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.99 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold4.txt
new file mode 100644
index 0000000..0cbc87a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.95 0.94 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.97 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold5.txt
new file mode 100644
index 0000000..fe72dc2
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.98 0.97 96
+ 1 1.00 1.00 1.00 870
+
+ accuracy 0.99 966
+ macro avg 0.98 0.99 0.99 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold1.png
new file mode 100644
index 0000000..707d401
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold2.png
new file mode 100644
index 0000000..d78a406
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold3.png
new file mode 100644
index 0000000..c2030b5
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold4.png
new file mode 100644
index 0000000..2f139ee
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold5.png
new file mode 100644
index 0000000..30c3ec2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold1.png
new file mode 100644
index 0000000..c40ec0e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold2.png
new file mode 100644
index 0000000..f27d8e4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold3.png
new file mode 100644
index 0000000..846074e
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold4.png
new file mode 100644
index 0000000..5fc1a7c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold5.png
new file mode 100644
index 0000000..54459c6
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold1.csv
new file mode 100644
index 0000000..56978b4
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold1,0.93958518137108,0.9885189437427108,0.9894736842094848,0.9988399071924595,0.988612836438821,861,94,1,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold2.csv
new file mode 100644
index 0000000..591cbe3
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold2,0.9184503095106857,0.9850746268655585,0.9789473684200222,0.9976744186045351,0.984472049689339,858,93,2,13
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold3.csv
new file mode 100644
index 0000000..d60baf0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold3,0.9457136365908996,0.9885189437427108,0.9999999999989474,0.9999999999998838,0.9896480331261915,861,95,0,10
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold4.csv
new file mode 100644
index 0000000..762c0bd
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold4,0.9361061608297104,0.9931113662455805,0.9473684210516343,0.9942528735631041,0.988612836438821,865,90,5,6
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold5.csv
new file mode 100644
index 0000000..8150f9c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold5,0.9712342258232135,0.9965517241378165,0.9791666666656467,0.997698504027503,0.994824016563044,867,94,2,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold1.png
new file mode 100644
index 0000000..8bb06e4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold2.png
new file mode 100644
index 0000000..5799314
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold3.png
new file mode 100644
index 0000000..efcadf2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold4.png
new file mode 100644
index 0000000..b76d4e3
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold5.png
new file mode 100644
index 0000000..c58dad1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/trial_summary.json
new file mode 100644
index 0000000..b1b7dfb
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_6/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 6,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.00017989142003620311,
+ "decision_threshold": 0.9,
+ "filter_size": 121,
+ "kernel_size": 6,
+ "num_layers": 4,
+ "num_dense_layers": 1,
+ "dense_neurons": 432
+ },
+ "mean_mcc": 0.9422179028251179,
+ "mcc_scores": [
+ 0.93958518137108,
+ 0.9184503095106857,
+ 0.9457136365908996,
+ 0.9361061608297104,
+ 0.9712342258232135
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold1.txt
new file mode 100644
index 0000000..23ad962
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.87 0.98 0.92 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.93 0.98 0.96 966
+weighted avg 0.99 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold2.txt
new file mode 100644
index 0000000..b67258c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.87 0.93 0.90 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.93 0.96 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold3.txt
new file mode 100644
index 0000000..5e538a5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.98 0.89 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.98 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold4.txt
new file mode 100644
index 0000000..8fdb132
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.84 0.97 0.90 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.92 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold5.txt
new file mode 100644
index 0000000..af72697
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/classification_report_model_7fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.96 0.88 96
+ 1 1.00 0.98 0.99 870
+
+ accuracy 0.97 966
+ macro avg 0.90 0.97 0.93 966
+weighted avg 0.98 0.97 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold1.png
new file mode 100644
index 0000000..5f50db1
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold2.png
new file mode 100644
index 0000000..51cb04d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold3.png
new file mode 100644
index 0000000..40eee15
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold4.png
new file mode 100644
index 0000000..e588ee8
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold5.png
new file mode 100644
index 0000000..e301b88
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold1.png
new file mode 100644
index 0000000..fb61e12
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold2.png
new file mode 100644
index 0000000..f8d3932
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold3.png
new file mode 100644
index 0000000..b4c7f7c
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold4.png
new file mode 100644
index 0000000..a653f90
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold5.png
new file mode 100644
index 0000000..bc8726a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold1.csv
new file mode 100644
index 0000000..3cdb454
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+7fold1,0.9135910144451179,0.983926521239841,0.9789473684200222,0.997671711292084,0.9834368530019686,857,93,2,14
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold2.csv
new file mode 100644
index 0000000..dce3432
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+7fold2,0.8869652333743985,0.9850746268655585,0.9263157894727091,0.9919075144507523,0.9792960662524866,858,88,7,13
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold3.csv
new file mode 100644
index 0000000..5b8764b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+7fold3,0.8857442405353443,0.9770378874855364,0.9789473684200222,0.9976553341147716,0.9772256728777455,851,93,2,20
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold4.csv
new file mode 100644
index 0000000..909f940
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+7fold4,0.8884516717238385,0.9793340987369713,0.9684210526305596,0.9964953271026873,0.978260869565116,853,92,3,18
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold5.csv
new file mode 100644
index 0000000..a02d047
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/metrics_model_7fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+7fold5,0.8695993992516095,0.9758620689654051,0.9583333333323351,0.9953106682296605,0.9741200828156341,849,92,4,21
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold1.png
new file mode 100644
index 0000000..4f63f14
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold2.png
new file mode 100644
index 0000000..3c86738
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold3.png
new file mode 100644
index 0000000..e992f17
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold4.png
new file mode 100644
index 0000000..d3728b6
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold5.png
new file mode 100644
index 0000000..619eb1d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/trial_summary.json
new file mode 100644
index 0000000..5bdcee4
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_7/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 7,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.004947313760747679,
+ "decision_threshold": 0.8,
+ "filter_size": 19,
+ "kernel_size": 4,
+ "num_layers": 3,
+ "num_dense_layers": 1,
+ "dense_neurons": 495
+ },
+ "mean_mcc": 0.8888703118660617,
+ "mcc_scores": [
+ 0.9135910144451179,
+ 0.8869652333743985,
+ 0.8857442405353443,
+ 0.8884516717238385,
+ 0.8695993992516095
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold1.txt
new file mode 100644
index 0000000..e6af0d7
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.85 0.95 0.90 95
+ 1 0.99 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.92 0.96 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold2.txt
new file mode 100644
index 0000000..d4fb37e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.94 0.95 95
+ 1 0.99 1.00 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.98 0.97 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold3.txt
new file mode 100644
index 0000000..933f02b
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.98 0.96 95
+ 1 1.00 0.99 1.00 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.99 0.98 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold4.txt
new file mode 100644
index 0000000..7b7311e
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.96 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold5.txt
new file mode 100644
index 0000000..0bed9d0
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.96 0.92 96
+ 1 1.00 0.99 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.94 0.97 0.96 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold1.png
new file mode 100644
index 0000000..d7ebb97
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold2.png
new file mode 100644
index 0000000..4abbbe0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold3.png
new file mode 100644
index 0000000..6da8b8f
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold4.png
new file mode 100644
index 0000000..49d9cea
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold5.png
new file mode 100644
index 0000000..2233366
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold1.png
new file mode 100644
index 0000000..5bf8597
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold2.png
new file mode 100644
index 0000000..f91044a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold3.png
new file mode 100644
index 0000000..129d583
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold4.png
new file mode 100644
index 0000000..2f03caf
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold5.png
new file mode 100644
index 0000000..dc00588
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold1.csv
new file mode 100644
index 0000000..3dc63a3
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold1,0.8850826809257649,0.9816303099884062,0.9473684210516343,0.9941860465115122,0.978260869565116,855,90,5,16
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold2.csv
new file mode 100644
index 0000000..6096231
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold2,0.9468648999960091,0.9965556831227328,0.9368421052621717,0.9931350114415339,0.990683229813562,868,89,6,3
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold3.csv
new file mode 100644
index 0000000..647f767
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold3,0.9544127692243982,0.9931113662455805,0.9789473684200222,0.9976931949249137,0.9917184265009324,865,93,2,6
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold4.csv
new file mode 100644
index 0000000..3b9cc1a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold4,0.9477262912764015,0.9942594718712979,0.9578947368410969,0.9954022988504603,0.990683229813562,866,91,4,5
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold5.csv
new file mode 100644
index 0000000..317a74d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold5,0.9116862406751692,0.9862068965516108,0.9583333333323351,0.9953596287701861,0.9834368530019686,858,92,4,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold1.png
new file mode 100644
index 0000000..41c463d
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold2.png
new file mode 100644
index 0000000..87d7c62
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold3.png
new file mode 100644
index 0000000..5ee7f27
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold4.png
new file mode 100644
index 0000000..271b405
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold5.png
new file mode 100644
index 0000000..058045b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/trial_summary.json
new file mode 100644
index 0000000..7a3994c
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_8/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 8,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.002428747012644931,
+ "decision_threshold": 0.8,
+ "filter_size": 123,
+ "kernel_size": 4,
+ "num_layers": 2,
+ "num_dense_layers": 2,
+ "dense_neurons": 392
+ },
+ "mean_mcc": 0.9291545764195487,
+ "mcc_scores": [
+ 0.8850826809257649,
+ 0.9468648999960091,
+ 0.9544127692243982,
+ 0.9477262912764015,
+ 0.9116862406751692
+ ]
+}
\ No newline at end of file
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold1.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold1.txt
new file mode 100644
index 0000000..5e538a5
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.98 0.89 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.98 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold2.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold2.txt
new file mode 100644
index 0000000..592df53
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.99 0.94 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.94 0.99 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold3.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold3.txt
new file mode 100644
index 0000000..f858665
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.98 0.93 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.95 0.98 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold4.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold4.txt
new file mode 100644
index 0000000..d665a70
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.87 0.96 0.91 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.93 0.97 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold5.txt b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold5.txt
new file mode 100644
index 0000000..1649c0d
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.96 0.95 0.95 96
+ 1 0.99 1.00 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.98 0.97 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold1.png
new file mode 100644
index 0000000..d07fac2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold2.png
new file mode 100644
index 0000000..2b0df89
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold3.png
new file mode 100644
index 0000000..0b32082
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold4.png
new file mode 100644
index 0000000..6b1946a
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold5.png
new file mode 100644
index 0000000..1cce3d0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold1.png
new file mode 100644
index 0000000..d6c9f1b
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold2.png
new file mode 100644
index 0000000..fc49ed2
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold3.png
new file mode 100644
index 0000000..8d166da
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold4.png
new file mode 100644
index 0000000..2826917
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold5.png
new file mode 100644
index 0000000..9c507f0
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold1.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold1.csv
new file mode 100644
index 0000000..5511666
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold1,0.8813085126790914,0.975889781859819,0.9789473684200222,0.9976525821595073,0.9761904761903751,850,93,2,21
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold2.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold2.csv
new file mode 100644
index 0000000..5abcfde
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold2,0.929572852372326,0.9862227324912759,0.9894736842094848,0.9988372093022094,0.98654244306408,859,94,1,12
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold3.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold3.csv
new file mode 100644
index 0000000..12c471a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold3,0.9283692344924722,0.9873708381169933,0.9789473684200222,0.9976798143850351,0.98654244306408,860,93,2,11
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold4.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold4.csv
new file mode 100644
index 0000000..0779b2a
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold4,0.9010380758379533,0.983926521239841,0.9578947368410969,0.9953542392565626,0.9813664596272276,857,91,4,14
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold5.csv b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold5.csv
new file mode 100644
index 0000000..3723ec4
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold5,0.9477262912764015,0.9954022988504603,0.9479166666656792,0.9942594718712979,0.990683229813562,866,91,5,4
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold1.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold1.png
new file mode 100644
index 0000000..5c06b78
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold1.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold2.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold2.png
new file mode 100644
index 0000000..02b4011
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold2.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold3.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold3.png
new file mode 100644
index 0000000..6b298ae
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold3.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold4.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold4.png
new file mode 100644
index 0000000..2c40af4
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold4.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold5.png b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold5.png
new file mode 100644
index 0000000..ef56be9
Binary files /dev/null and b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold5.png differ
diff --git a/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/trial_summary.json b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/trial_summary.json
new file mode 100644
index 0000000..f3ddcee
--- /dev/null
+++ b/output/CNN1D/chest/Sc_4_T/binary_two/trial_9/trial_summary.json
@@ -0,0 +1,22 @@
+{
+ "trial_number": 9,
+ "model_type": "CNN1D",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.001777687216532392,
+ "decision_threshold": 0.9,
+ "filter_size": 106,
+ "kernel_size": 7,
+ "num_layers": 3,
+ "num_dense_layers": 2,
+ "dense_neurons": 340
+ },
+ "mean_mcc": 0.9176029933316489,
+ "mcc_scores": [
+ 0.8813085126790914,
+ 0.929572852372326,
+ 0.9283692344924722,
+ 0.9010380758379533,
+ 0.9477262912764015
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/all_metrics.csv b/output/LSTM/chest/Sc_4_T/binary_two/all_metrics.csv
new file mode 100644
index 0000000..c5a13c8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/all_metrics.csv
@@ -0,0 +1,21 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1.0,0.8437928971525871,0.9601482854494012,0.9922480620147348,0.9990356798456124,0.9635761589403176,1036,128,1,43
+2.0,0.7455046020574706,0.9620018535680296,0.8294573643404424,0.9792452830187754,0.9478476821191268,1038,107,22,41
+3.0,0.8063872388619708,0.9508804448562604,0.9767441860457544,0.9970845481048594,0.9536423841058812,1026,126,3,53
+4.0,0.8459140619535213,0.9638554216866576,0.9767441860457544,0.9971236816873444,0.9652317880793904,1040,126,3,39
+5.0,0.7959604057534323,0.9620018535680296,0.9069767441853436,0.9885714285713344,0.9561258278144904,1038,117,12,41
+6.0,0.8647466001467798,0.9749768303984268,0.945736434107794,0.9933899905570356,0.9718543046356812,1052,122,7,27
+7.0,0.7236906057197399,0.9647822057459716,0.7829457364335016,0.9738072965387302,0.9453642384105178,1041,101,28,38
+8.0,0.8362580420217277,0.9638554216866576,0.9612403100767744,0.9952153110046894,0.9635761589403176,1040,124,5,39
+9.0,0.8241879429147626,0.9536607970342026,0.9922480620147348,0.9990291262134952,0.9577814569535632,1029,128,1,50
+10.0,0.8371066985527775,0.968489341983228,0.937984496123304,0.9924026590692314,0.9652317880793904,1045,121,8,34
+11.0,0.867639231467998,0.967562557923914,0.9922480620147348,0.9990430622008613,0.9701986754966084,1044,128,1,35
+12.0,0.7121710897430346,0.9629286376273436,0.7751937984490116,0.9728464419474744,0.9428807947019088,1039,100,29,40
+13.0,0.8207340470074411,0.9721964782204844,0.8914728682163633,0.9868297271871131,0.9635761589403176,1049,115,14,30
+14.0,0.8612000825333602,0.968489341983228,0.9767441860457544,0.9971374045800576,0.969370860927072,1045,126,3,34
+15.0,0.7446166475201336,0.9601482854494012,0.8372093023249325,0.980132450331033,0.9470198675495904,1036,108,21,43
+16.0,0.8739256092077058,0.9721964782204844,0.9767441860457544,0.9971482889732892,0.9726821192052174,1049,126,3,30
+17.0,0.8370151554902272,0.9712696941611704,0.9224806201543236,0.9905482041586964,0.9660596026489268,1048,119,10,31
+18.0,0.6786767281931188,0.9592215013900872,0.7441860465110511,0.9691011235954148,0.9362582781456178,1035,96,33,44
+19.0,0.816769529371768,0.9638554216866576,0.930232558138814,0.991420400381221,0.9602649006621722,1040,120,9,39
+20.0,0.7870683765056063,0.9638554216866576,0.8837209302318731,0.9857819905212336,0.955298013244954,1040,114,15,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/best_hyperparameters.json b/output/LSTM/chest/Sc_4_T/binary_two/best_hyperparameters.json
new file mode 100644
index 0000000..5f0fe07
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/best_hyperparameters.json
@@ -0,0 +1,37 @@
+{
+ "scenario": "Sc_4_T",
+ "position": "chest",
+ "label_type": "binary_two",
+ "model_type": "LSTM",
+ "best_value": 0.8668582774441311,
+ "best_params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0014261634337092294,
+ "decision_threshold": 0.7,
+ "hidden_dim": 87,
+ "num_layers": 1
+ },
+ "n_trials": 20,
+ "optimization_history": [
+ 0.7864449719996568,
+ 0.7930637048754757,
+ 0.8224149814321404,
+ 0.794668297338401,
+ 0.789704027694416,
+ 0.7861989925740117,
+ 0.8180993554542342,
+ 0.8383511039644154,
+ 0.86622837165954,
+ 0.8197345320267224,
+ 0.8121183263170911,
+ 0.8483485489631958,
+ 0.8389174399106011,
+ 0.8254397980158688,
+ 0.8328414395198044,
+ 0.8193320371059956,
+ 0.8203084032790745,
+ 0.8668582774441311,
+ 0.807192444651091,
+ 0.8202309588121561
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/correlation_heatmap.png b/output/LSTM/chest/Sc_4_T/binary_two/correlation_heatmap.png
new file mode 100644
index 0000000..4e74128
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/correlation_heatmap.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/learning_curve.png b/output/LSTM/chest/Sc_4_T/binary_two/learning_curve.png
new file mode 100644
index 0000000..dd6f162
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/learning_curve.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/learning_curve_metrics.csv b/output/LSTM/chest/Sc_4_T/binary_two/learning_curve_metrics.csv
new file mode 100644
index 0000000..3f5ce44
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/learning_curve_metrics.csv
@@ -0,0 +1,13 @@
+Fraction,MCC,F1,Accuracy,Train_Loss,Val_Loss
+0.05,0.6455491545815288,0.8225703794369645,0.9304635761589404,0.16230418006889522,0.1674507317696943
+0.1,0.5760242654694155,0.7872429877338605,0.9230132450331126,0.1349379299528664,0.18401850573105832
+0.15,0.7226680524123925,0.8607660482199228,0.9445364238410596,0.110736960953142,0.16294253356448424
+0.2,0.8256482306986578,0.9117761453866078,0.9644039735099338,0.11024621599804489,0.11351917075991975
+0.3,0.8256482306986578,0.9117761453866078,0.9644039735099338,0.10239446680162749,0.11385763363122306
+0.4,0.8246977376456883,0.9093306182121972,0.9619205298013245,0.08745639721498458,0.11415780267362655
+0.5,0.8502027767361158,0.9216271450351964,0.9668874172185431,0.10937933928385304,0.11245376768209481
+0.6,0.8081329007397254,0.901941392123438,0.9594370860927153,0.09997126770840323,0.11930173302025653
+0.7,0.7840922593698247,0.8855518711511132,0.9495033112582781,0.10762054806900263,0.12218897907571917
+0.8,0.7491665295145337,0.8741816450422568,0.9536423841059603,0.090286240498112,0.1031088834738751
+0.9,0.7942826941752082,0.895522416745627,0.9627483443708609,0.0971624534802258,0.11293631285922237
+1.0,0.8645684872189191,0.9281459844157681,0.9693708609271523,0.07799509252908807,0.089786606833207
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/mcc_histogram.png b/output/LSTM/chest/Sc_4_T/binary_two/mcc_histogram.png
new file mode 100644
index 0000000..8cb80d3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/mcc_histogram.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png b/output/LSTM/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png
new file mode 100644
index 0000000..f39f7de
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/metrics_boxplot.png b/output/LSTM/chest/Sc_4_T/binary_two/metrics_boxplot.png
new file mode 100644
index 0000000..96cdf39
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/metrics_boxplot.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt
new file mode 100644
index 0000000..f57ee14
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.99 0.85 129
+ 1 1.00 0.96 0.98 1079
+
+ accuracy 0.96 1208
+ macro avg 0.87 0.98 0.92 1208
+weighted avg 0.97 0.96 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png b/output/LSTM/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png
new file mode 100644
index 0000000..244ef46
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png b/output/LSTM/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png
new file mode 100644
index 0000000..6a61b33
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv
new file mode 100644
index 0000000..2684d0d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.15838832416656343,0.27516707874113516
+2,0.0991584374723294,0.19737914171550544
+3,0.08008758982351004,0.20185555784677667
+4,0.08639453635127707,0.19640177082
+5,0.0765063115530301,0.22364370346129422
+6,0.07388814835816868,0.23212431420031335
+7,0.06527819980247608,0.20089381706014636
+8,0.06612824336606393,0.22473918373936846
+9,0.06710789947239451,0.25349297577650437
+10,0.06421098752285946,0.25212900882451644
+11,0.0771599073955897,0.16950302509846346
+12,0.07347450508112627,0.20686818065211898
+13,0.06364757363676779,0.23279245537959203
+14,0.06452194247818129,0.2253829318459236
+15,0.0584901240298309,0.24767579721669936
+16,0.05534049850014954,0.23265519176587282
+17,0.05189760979207248,0.19667620350223697
+18,0.043330920957344435,0.21601909011388348
+19,0.04328316800423305,0.16650102762204985
+20,0.04996852590394599,0.18199158987056674
+21,0.04495836577612968,0.24180359488649805
+22,0.048404641651494565,0.19889347545986605
+23,0.03689363633748144,0.21339205089879537
+24,0.03915525076348981,0.24592019484055438
+25,0.04863492167970427,0.24200993939208978
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv
new file mode 100644
index 0000000..9697907
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1,0.8437928971525871,0.9601482854494012,0.9922480620147348,0.9990356798456124,0.9635761589403176,1036,128,1,43
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/model_1.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_1/model_1.pt
new file mode 100644
index 0000000..9de322a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_1/model_1.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png b/output/LSTM/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png
new file mode 100644
index 0000000..f44253b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy
new file mode 100644
index 0000000..c3906a4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy
new file mode 100644
index 0000000..e25f92d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt
new file mode 100644
index 0000000..4a9d0ce
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.94 0.85 129
+ 1 0.99 0.97 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.89 0.95 0.92 1208
+weighted avg 0.97 0.97 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png b/output/LSTM/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png
new file mode 100644
index 0000000..02f35ed
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png b/output/LSTM/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png
new file mode 100644
index 0000000..a6555f1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv
new file mode 100644
index 0000000..4dc9694
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.16110644917665742,0.2966495553452161
+2,0.09884197430392681,0.16190133188220282
+3,0.09920127028868772,0.14442534631328477
+4,0.0793454511195021,0.2153550063432645
+5,0.08398447989693973,0.2109196167289009
+6,0.07743283127211342,0.13849062722311506
+7,0.07875810737513807,0.19093686017027545
+8,0.06488381658511405,0.19216625731168013
+9,0.0635320209255365,0.1732724563259962
+10,0.0552614908319059,0.1819290032801819
+11,0.05421669287741769,0.14644257029548527
+12,0.06710931799790153,0.1509162072569222
+13,0.07555544835540336,0.16000071701860324
+14,0.058029441566549024,0.15262517241682227
+15,0.05538009793097384,0.1608004181508741
+16,0.048267299428674554,0.1995678983329262
+17,0.04879348087442023,0.16432927573952194
+18,0.050144013415729584,0.12630795440899448
+19,0.04465030808259602,0.130496867049876
+20,0.04486313268969467,0.16304291738948273
+21,0.04241582015259884,0.1185318396422982
+22,0.04290745954687345,0.16053709270612848
+23,0.04135038728117635,0.15707871127468084
+24,0.04173648549043689,0.1458636980884964
+25,0.03632855707031967,0.12153151319897358
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv
new file mode 100644
index 0000000..91262da
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10,0.8371066985527775,0.9684893419832281,0.9379844961233039,0.9924026590692314,0.9652317880793903,1045,121,8,34
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/model_10.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_10/model_10.pt
new file mode 100644
index 0000000..b5e6c93
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_10/model_10.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png b/output/LSTM/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png
new file mode 100644
index 0000000..b37d00b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy
new file mode 100644
index 0000000..6783cce
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy
new file mode 100644
index 0000000..3fbcbfc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt
new file mode 100644
index 0000000..f40f323
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.99 0.88 129
+ 1 1.00 0.97 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.89 0.98 0.93 1208
+weighted avg 0.98 0.97 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png b/output/LSTM/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png
new file mode 100644
index 0000000..466ed8c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png b/output/LSTM/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png
new file mode 100644
index 0000000..5b09718
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv
new file mode 100644
index 0000000..eec2cf8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1526476015944865,0.1912231371933294
+2,0.08939675559974776,0.16850153933609685
+3,0.08296352113243038,0.17844812968941104
+4,0.07896306338404452,0.20028592693439173
+5,0.07542347924568313,0.25459838031055104
+6,0.06939252404292107,0.18472166837478476
+7,0.06808334833765325,0.14407315476602245
+8,0.06958365234092248,0.13875446945518977
+9,0.06159386663382088,0.19795155654203206
+10,0.053740411089090556,0.1955239270267362
+11,0.06555422839000513,0.13931691505844826
+12,0.054176828411238435,0.22009502415875754
+13,0.052874600552291845,0.18101112705640374
+14,0.05650716254628102,0.19925019639964786
+15,0.057873797958932265,0.18881189672937315
+16,0.055179551481423235,0.18060649293587513
+17,0.051403925069107494,0.07037305354770657
+18,0.057861805971411696,0.17637397956869175
+19,0.051079643538129355,0.23529753748012044
+20,0.059349951745599726,0.21351424896819216
+21,0.0443973160658632,0.2170276522820425
+22,0.04079045628799772,0.22376065425323172
+23,0.042808964194283504,0.15553023794669688
+24,0.03770712724538551,0.12116858727043314
+25,0.037414299701302015,0.17240804546294855
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv
new file mode 100644
index 0000000..07225f2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11,0.867639231467998,0.967562557923914,0.9922480620147348,0.9990430622008613,0.9701986754966084,1044,128,1,35
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/model_11.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_11/model_11.pt
new file mode 100644
index 0000000..59eb593
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_11/model_11.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png b/output/LSTM/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png
new file mode 100644
index 0000000..b07a9e0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy
new file mode 100644
index 0000000..7d3ef23
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy
new file mode 100644
index 0000000..8823770
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt
new file mode 100644
index 0000000..df1f0c3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 0.78 0.74 129
+ 1 0.97 0.96 0.97 1079
+
+ accuracy 0.94 1208
+ macro avg 0.84 0.87 0.86 1208
+weighted avg 0.95 0.94 0.94 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png b/output/LSTM/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png
new file mode 100644
index 0000000..f7e7f30
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png b/output/LSTM/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png
new file mode 100644
index 0000000..d02fb80
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv
new file mode 100644
index 0000000..8c2dcce
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.18357648419539543,0.30007716586753247
+2,0.10516791925419214,0.1949570751748979
+3,0.08762743101601513,0.21367066783169586
+4,0.07815739864190994,0.18644079097336339
+5,0.07215828872054877,0.20966638013299915
+6,0.07621699723238048,0.22847467509564012
+7,0.06792278393664328,0.22315178063112281
+8,0.06656528325474337,0.2073050118351896
+9,0.06479585834120762,0.19549971068608424
+10,0.07416797093161928,0.21298919326715893
+11,0.06723945462029458,0.15753756625476414
+12,0.0625853737304372,0.2079104532491446
+13,0.0657110190940713,0.19907754563985602
+14,0.06257778522173667,0.2118586688067749
+15,0.06287976433830875,0.1837700389554694
+16,0.06138314194842588,0.1761431839606244
+17,0.05396778260315345,0.22433273420639097
+18,0.04835766553301518,0.16177898550672726
+19,0.06471516624139237,0.19411955144248844
+20,0.055245642470434494,0.18859152920589212
+21,0.05862106478913526,0.16377758131655415
+22,0.05324700629013429,0.19669819962620105
+23,0.05199528116855986,0.242913370851555
+24,0.0496106601179739,0.16625812554998592
+25,0.04355012767655729,0.21123954660968944
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv
new file mode 100644
index 0000000..a5e1898
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12,0.7121710897430346,0.9629286376273435,0.7751937984490116,0.9728464419474744,0.9428807947019087,1039,100,29,40
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/model_12.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_12/model_12.pt
new file mode 100644
index 0000000..e85d79e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_12/model_12.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png b/output/LSTM/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png
new file mode 100644
index 0000000..05a1d11
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy
new file mode 100644
index 0000000..80c1b43
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy
new file mode 100644
index 0000000..b5734db
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt
new file mode 100644
index 0000000..cfaef73
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.89 0.84 129
+ 1 0.99 0.97 0.98 1079
+
+ accuracy 0.96 1208
+ macro avg 0.89 0.93 0.91 1208
+weighted avg 0.97 0.96 0.96 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png b/output/LSTM/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png
new file mode 100644
index 0000000..764d282
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png b/output/LSTM/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png
new file mode 100644
index 0000000..6745d5d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv
new file mode 100644
index 0000000..5993539
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.17752525532110172,0.15425843102557044
+2,0.08968872099745372,0.16269097631917365
+3,0.08319845353445608,0.1898771911529043
+4,0.09924843603714316,0.33484071790571174
+5,0.11077422721403812,0.19680389764177944
+6,0.07279858011213586,0.21388744414528651
+7,0.06821926433423703,0.1936006198548937
+8,0.06959987039319894,0.1807329636743112
+9,0.07445983853083381,0.21594038658264664
+10,0.06359426754195828,0.21847893112534356
+11,0.06261036515886287,0.22404585738343397
+12,0.062490132172622774,0.20837356635151552
+13,0.06410192772996234,0.16921787501327815
+14,0.05730901669310637,0.20338540442190284
+15,0.049738562288732566,0.17827105053490208
+16,0.049770846396245925,0.17342452728001762
+17,0.06614430012346884,0.17485575154686586
+18,0.07152373735862207,0.16453359784575314
+19,0.06086274089766974,0.19192648156369554
+20,0.05838406290416413,0.15885209117620816
+21,0.05668877912800728,0.18272476301846777
+22,0.05073301843848572,0.1807228617953144
+23,0.049737843198986526,0.14389935774623505
+24,0.04496734124446703,0.16718558230012046
+25,0.03660162676930089,0.1486312749484862
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv
new file mode 100644
index 0000000..15951df
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13,0.8207340470074411,0.9721964782204845,0.8914728682163633,0.9868297271871131,0.9635761589403176,1049,115,14,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/model_13.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_13/model_13.pt
new file mode 100644
index 0000000..a1c4b54
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_13/model_13.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png b/output/LSTM/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png
new file mode 100644
index 0000000..2e6af8e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy
new file mode 100644
index 0000000..4db4b97
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy
new file mode 100644
index 0000000..b8c27ab
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt
new file mode 100644
index 0000000..f57757f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.98 0.87 129
+ 1 1.00 0.97 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.89 0.97 0.93 1208
+weighted avg 0.97 0.97 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png b/output/LSTM/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png
new file mode 100644
index 0000000..950b23d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png b/output/LSTM/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png
new file mode 100644
index 0000000..9a54ec5
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv
new file mode 100644
index 0000000..241bd84
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.18181810266345985,0.2343595251441002
+2,0.09418384145468103,0.25072613819652506
+3,0.088309773613414,0.17401952173320517
+4,0.08016001625940943,0.1841849123968953
+5,0.072926257860131,0.19422989832838217
+6,0.07766631393778053,0.17428500447497372
+7,0.07113936228950869,0.1673149887140044
+8,0.06693423463970669,0.19735381434739177
+9,0.06809804612993886,0.19648074681848107
+10,0.06115684448500849,0.19448688103171485
+11,0.06520674764977245,0.1812272982412739
+12,0.05546811218027118,0.20858622116089287
+13,0.06187290366169466,0.18455837267420946
+14,0.056465616307321415,0.16964597353944555
+15,0.054610593946773776,0.16056086140733603
+16,0.04719513000089152,0.21118974552706687
+17,0.04926544971584173,0.18087681543622766
+18,0.051616915996178736,0.20362156421516933
+19,0.04534978653671805,0.213468858824795
+20,0.044481275948572686,0.18977185176364372
+21,0.054522154011863694,0.15614629514898443
+22,0.04448549047329902,0.1956674235857903
+23,0.0416805335081929,0.20051410818010598
+24,0.04087767723855401,0.16195734067549628
+25,0.05085066520062483,0.20514211110252467
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv
new file mode 100644
index 0000000..82f5fe7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14,0.8612000825333602,0.9684893419832281,0.9767441860457545,0.9971374045800575,0.969370860927072,1045,126,3,34
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/model_14.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_14/model_14.pt
new file mode 100644
index 0000000..b2b8f96
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_14/model_14.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png b/output/LSTM/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png
new file mode 100644
index 0000000..29c29c0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy
new file mode 100644
index 0000000..260efcd
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy
new file mode 100644
index 0000000..aa38739
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt
new file mode 100644
index 0000000..bd6de80
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.84 0.77 129
+ 1 0.98 0.96 0.97 1079
+
+ accuracy 0.95 1208
+ macro avg 0.85 0.90 0.87 1208
+weighted avg 0.95 0.95 0.95 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png b/output/LSTM/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png
new file mode 100644
index 0000000..4a70c16
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png b/output/LSTM/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png
new file mode 100644
index 0000000..c8c33ee
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv
new file mode 100644
index 0000000..3c7aec9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.17321468769641948,0.25015033225739197
+2,0.09909531366357133,0.23686093805477984
+3,0.09342628668932136,0.1960677474496826
+4,0.08133625778492756,0.20004643684989143
+5,0.07358053296588915,0.16748080115329714
+6,0.06907725566805702,0.1507317709939314
+7,0.078325880891528,0.1911997502714756
+8,0.07241396111059041,0.18027374513011665
+9,0.07095651097080001,0.15308008223937283
+10,0.06882336291038116,0.21894559923995047
+11,0.062048195447572625,0.186322938580434
+12,0.060001726364255076,0.21766252390244195
+13,0.05146075734601179,0.21300625932616962
+14,0.04552269312466518,0.2593492377181387
+15,0.05231221848983349,0.19866879276448726
+16,0.05085933590615707,0.19784754438367072
+17,0.0565314827157831,0.151938067375487
+18,0.044218743859774874,0.1297414957605783
+19,0.04050220188700155,0.14681684502847342
+20,0.03866330121185877,0.14464693738339138
+21,0.038775113067774425,0.1412008754315696
+22,0.035025073480426744,0.15938840879807098
+23,0.03137507180737193,0.16356743197332346
+24,0.033771923291958744,0.16814599874534555
+25,0.0391412046362746,0.18856548682519897
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv
new file mode 100644
index 0000000..9044a44
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15,0.7446166475201336,0.9601482854494012,0.8372093023249325,0.980132450331033,0.9470198675495904,1036,108,21,43
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/model_15.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_15/model_15.pt
new file mode 100644
index 0000000..fcdeb77
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_15/model_15.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png b/output/LSTM/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png
new file mode 100644
index 0000000..569e3d0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy
new file mode 100644
index 0000000..a96a2f1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy
new file mode 100644
index 0000000..6ebf579
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt
new file mode 100644
index 0000000..a4d2c75
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.98 0.88 129
+ 1 1.00 0.97 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.90 0.97 0.93 1208
+weighted avg 0.98 0.97 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png b/output/LSTM/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png
new file mode 100644
index 0000000..5861f1a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png b/output/LSTM/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png
new file mode 100644
index 0000000..adf5b9d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv
new file mode 100644
index 0000000..f350cbe
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1507865317966327,0.18293039547279477
+2,0.08982879321729718,0.20258419397437283
+3,0.08582785512005126,0.3196423725551745
+4,0.1327712263042215,0.18948974177211284
+5,0.0770669663401921,0.21417569179433368
+6,0.06777213239457366,0.17951359567157324
+7,0.07057847500459315,0.1658149784085371
+8,0.061687744598766435,0.1887383855270943
+9,0.059334543587501384,0.22473845570235543
+10,0.051183464761808024,0.22704963425302035
+11,0.06559374058005316,0.21703742253181013
+12,0.06284702064715757,0.21399314051133492
+13,0.060254806239919904,0.19743494883427518
+14,0.05465277029135965,0.15152129630798533
+15,0.0519032040283792,0.16759979262227012
+16,0.05394696400593196,0.20036053741932847
+17,0.0597993485371713,0.18127568791650475
+18,0.05786017936939174,0.1783238486799922
+19,0.052650347990869,0.1271717060787318
+20,0.04576640414874539,0.1394647412028374
+21,0.042794461605958796,0.1722036980809794
+22,0.04953714632159792,0.13897879901454754
+23,0.03964570768981834,0.18346262973218766
+24,0.0370718084717331,0.14864545604852478
+25,0.03708493113873742,0.1583815118999243
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv
new file mode 100644
index 0000000..6bf4a08
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16,0.8739256092077058,0.9721964782204845,0.9767441860457545,0.9971482889732892,0.9726821192052174,1049,126,3,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/model_16.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_16/model_16.pt
new file mode 100644
index 0000000..fa339bd
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_16/model_16.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png b/output/LSTM/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png
new file mode 100644
index 0000000..8f199f9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy
new file mode 100644
index 0000000..b041a9a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy
new file mode 100644
index 0000000..13643c2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt
new file mode 100644
index 0000000..60afe7b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.92 0.85 129
+ 1 0.99 0.97 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.89 0.95 0.92 1208
+weighted avg 0.97 0.97 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png b/output/LSTM/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png
new file mode 100644
index 0000000..ef53e32
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png b/output/LSTM/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png
new file mode 100644
index 0000000..f3a250a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv
new file mode 100644
index 0000000..1dd78fe
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.16967108310392695,0.23357589131281262
+2,0.09848749042634876,0.19921105416611798
+3,0.09772305188254138,0.18525256797851575
+4,0.07952907190404156,0.19076165875547654
+5,0.07879811984463787,0.2572717853941985
+6,0.07615502644715107,0.23490481015722897
+7,0.07700174212963744,0.20899546059269097
+8,0.07352512857534207,0.2768292628912135
+9,0.07078234556762208,0.23624548245964933
+10,0.0636389680410743,0.2246954796813248
+11,0.06854752019482611,0.24363041967679297
+12,0.06422797036703584,0.18866150332577225
+13,0.06565352163108235,0.2513496225977677
+14,0.05249939155322307,0.2588476966634663
+15,0.05030209195707763,0.21753411784753082
+16,0.06108919624431628,0.16709108873000067
+17,0.05108834234785966,0.19115632624297793
+18,0.054472553703456744,0.18056758597395534
+19,0.052356350537743575,0.19436620606199628
+20,0.049398356211594927,0.21051452824688185
+21,0.043237098334895925,0.20865203335415572
+22,0.041391526021771444,0.2522387357687788
+23,0.04333752859239505,0.17722828961127707
+24,0.04895148398489345,0.19735406585518392
+25,0.040627817047975405,0.2495114305826475
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv
new file mode 100644
index 0000000..aa727bc
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17,0.8370151554902272,0.9712696941611704,0.9224806201543237,0.9905482041586965,0.9660596026489267,1048,119,10,31
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/model_17.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_17/model_17.pt
new file mode 100644
index 0000000..612876a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_17/model_17.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png b/output/LSTM/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png
new file mode 100644
index 0000000..ad63202
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy
new file mode 100644
index 0000000..71196e2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy
new file mode 100644
index 0000000..c1d2cfd
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt
new file mode 100644
index 0000000..c87f041
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 0.74 0.71 129
+ 1 0.97 0.96 0.96 1079
+
+ accuracy 0.94 1208
+ macro avg 0.83 0.85 0.84 1208
+weighted avg 0.94 0.94 0.94 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png b/output/LSTM/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png
new file mode 100644
index 0000000..aa1e3b2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png b/output/LSTM/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png
new file mode 100644
index 0000000..300dfed
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv
new file mode 100644
index 0000000..4eff780
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1459763705815104,0.3261411275354124
+2,0.09813679861335838,0.20934095959209145
+3,0.08349963627016742,0.19076314159939367
+4,0.08172208557582715,0.17987872510697814
+5,0.07142727881042703,0.1994692460922975
+6,0.06672722324132457,0.19094288667040546
+7,0.06354202800391873,0.24455844078423275
+8,0.06163033016972736,0.22615261856586702
+9,0.05661307697276746,0.2566153669143997
+10,0.0653067006920041,0.17280133840000828
+11,0.0580928558599173,0.22370904889014068
+12,0.05543096748869558,0.16885286932360502
+13,0.053087229036133395,0.2147463215336639
+14,0.05795782376061509,0.18742957003902824
+15,0.04998914831585428,0.17477333330222586
+16,0.04481407307128784,0.1700588708608261
+17,0.05222304179987385,0.18941557194170122
+18,0.045877895094762165,0.17651743877814302
+19,0.04710495433854786,0.21617061858095468
+20,0.037088652176990304,0.23208752343376662
+21,0.03626988316387754,0.23960210382562852
+22,0.03606565407100172,0.21919135158626182
+23,0.04359238652785671,0.24575464237263547
+24,0.03933381690924664,0.23114378836509142
+25,0.033877190411252485,0.3512829102175836
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv
new file mode 100644
index 0000000..d72525b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18,0.6786767281931188,0.9592215013900871,0.7441860465110511,0.9691011235954149,0.9362582781456178,1035,96,33,44
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/model_18.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_18/model_18.pt
new file mode 100644
index 0000000..9472f85
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_18/model_18.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png b/output/LSTM/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png
new file mode 100644
index 0000000..e3db0a6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy
new file mode 100644
index 0000000..fd5969f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy
new file mode 100644
index 0000000..0c38be1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt
new file mode 100644
index 0000000..faafd84
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.93 0.83 129
+ 1 0.99 0.96 0.98 1079
+
+ accuracy 0.96 1208
+ macro avg 0.87 0.95 0.91 1208
+weighted avg 0.97 0.96 0.96 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png b/output/LSTM/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png
new file mode 100644
index 0000000..940a131
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png b/output/LSTM/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png
new file mode 100644
index 0000000..ac21792
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv
new file mode 100644
index 0000000..a694b95
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1414507153417053,0.18286230559310607
+2,0.0875787538464743,0.2096411533270692
+3,0.07797814185696476,0.16931765552069392
+4,0.07386822215558514,0.2093279111018825
+5,0.06746024838148439,0.20240681518184683
+6,0.0628452235890537,0.21435408337105577
+7,0.0621052791233644,0.20945122264580981
+8,0.06100048332028707,0.22036050092203602
+9,0.0660662618600417,0.2053444763728147
+10,0.062294532254353656,0.11363833770906974
+11,0.06067458647380252,0.16934396375173463
+12,0.05301232306307859,0.19180360320587492
+13,0.0471467025927268,0.2033941083767962
+14,0.0685527023237799,0.20025121393583475
+15,0.0525758822057935,0.19580080432276573
+16,0.04434454257788583,0.20694016342824925
+17,0.053697346778459505,0.17700457353813334
+18,0.04247330079694117,0.19433440631086518
+19,0.04323021329800822,0.26047055402417635
+20,0.04888268697175605,0.16834571564968134
+21,0.036803112868489,0.1846916293913138
+22,0.04289415139177706,0.1979670499605427
+23,0.052480983967346344,0.20992665953141817
+24,0.04244057899668105,0.212220462450322
+25,0.04151972237019992,0.2141289986283218
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv
new file mode 100644
index 0000000..02c5a23
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19,0.816769529371768,0.9638554216866576,0.9302325581388139,0.991420400381221,0.9602649006621722,1040,120,9,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/model_19.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_19/model_19.pt
new file mode 100644
index 0000000..8416589
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_19/model_19.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png b/output/LSTM/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png
new file mode 100644
index 0000000..eba741b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy
new file mode 100644
index 0000000..8295e03
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy
new file mode 100644
index 0000000..8c6306a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt
new file mode 100644
index 0000000..c92a224
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.83 0.77 129
+ 1 0.98 0.96 0.97 1079
+
+ accuracy 0.95 1208
+ macro avg 0.85 0.90 0.87 1208
+weighted avg 0.95 0.95 0.95 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png b/output/LSTM/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png
new file mode 100644
index 0000000..562c836
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png b/output/LSTM/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png
new file mode 100644
index 0000000..5215750
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv
new file mode 100644
index 0000000..61bc5a9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.14466385281652458,0.17793923991191532
+2,0.12279839435407569,0.2336281183506212
+3,0.09094611808180439,0.21466638246220687
+4,0.07663845364870273,0.1462980998743836
+5,0.081784571475765,0.19635252668822725
+6,0.0815293410261862,0.18322623868645618
+7,0.07296590454403065,0.2060312265455122
+8,0.06749531145742517,0.1807893957612255
+9,0.06063527090297935,0.19473781825264827
+10,0.05473332345766623,0.22805031785373425
+11,0.06453299175078157,0.22141705334164022
+12,0.05802906694733499,0.16399164710028638
+13,0.0488055905188657,0.17507900144564995
+14,0.053278021086757804,0.16056213375451345
+15,0.06024117793210528,0.177255425290505
+16,0.04874240799349048,0.20393941915526445
+17,0.04742607079861947,0.1375564064383657
+18,0.039451602874285244,0.13267782736652262
+19,0.043371957687811144,0.14455722094956605
+20,0.061215503414523254,0.16854214160177375
+21,0.05105088339649018,0.187846776857529
+22,0.04410005442813531,0.1628897257023416
+23,0.04007347831637252,0.17719572784065554
+24,0.046530711939866264,0.13502197610608663
+25,0.03356991383181654,0.17962900235603052
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv
new file mode 100644
index 0000000..5e9cbc2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2,0.7455046020574706,0.9620018535680295,0.8294573643404424,0.9792452830187754,0.9478476821191268,1038,107,22,41
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/model_2.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_2/model_2.pt
new file mode 100644
index 0000000..3ae04de
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_2/model_2.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png b/output/LSTM/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png
new file mode 100644
index 0000000..90433d3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy
new file mode 100644
index 0000000..fb4c7cb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy
new file mode 100644
index 0000000..6e861a8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt
new file mode 100644
index 0000000..36489f2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.88 0.81 129
+ 1 0.99 0.96 0.97 1079
+
+ accuracy 0.96 1208
+ macro avg 0.87 0.92 0.89 1208
+weighted avg 0.96 0.96 0.96 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png b/output/LSTM/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png
new file mode 100644
index 0000000..265a12b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png b/output/LSTM/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png
new file mode 100644
index 0000000..51a081c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv
new file mode 100644
index 0000000..e9a310d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.14084904647070515,0.1876602747342399
+2,0.08710649381834275,0.1553654609653618
+3,0.07654380767937165,0.15525335318318778
+4,0.07421145983009546,0.186291208622166
+5,0.07044773516562683,0.1295034229950679
+6,0.06998225530101494,0.19234901194032583
+7,0.05988610132062454,0.1871254414567844
+8,0.05626903688304188,0.1757956120117958
+9,0.057245219699761346,0.1880054185054295
+10,0.05790618123113339,0.11802823092007349
+11,0.05432930302879319,0.144349709498666
+12,0.08489371224091011,0.17470082441615242
+13,0.06030030852599331,0.1541869787503064
+14,0.04979395177739688,0.11174555096095579
+15,0.04878587276416962,0.09276242245311639
+16,0.0650520412528441,0.10567553394245013
+17,0.048940005910405815,0.1283974771016097
+18,0.051657344177095915,0.10616664897515288
+19,0.045541734526064706,0.13588835236113217
+20,0.0423061154520116,0.10585910270756652
+21,0.04757925244298387,0.1450819631638531
+22,0.0473714776400646,0.12064903931816169
+23,0.04083145910504559,0.1472703419107523
+24,0.03576306114454315,0.10955556963979747
+25,0.03561074770159619,0.11590251823485408
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv
new file mode 100644
index 0000000..ae033eb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20,0.7870683765056063,0.9638554216866576,0.8837209302318731,0.9857819905212335,0.955298013244954,1040,114,15,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/model_20.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_20/model_20.pt
new file mode 100644
index 0000000..4e61759
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_20/model_20.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png b/output/LSTM/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png
new file mode 100644
index 0000000..587c019
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy
new file mode 100644
index 0000000..58e9791
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy
new file mode 100644
index 0000000..0af33f6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt
new file mode 100644
index 0000000..c9af979
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.98 0.82 129
+ 1 1.00 0.95 0.97 1079
+
+ accuracy 0.95 1208
+ macro avg 0.85 0.96 0.90 1208
+weighted avg 0.97 0.95 0.96 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png b/output/LSTM/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png
new file mode 100644
index 0000000..608e770
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png b/output/LSTM/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png
new file mode 100644
index 0000000..cca0181
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv
new file mode 100644
index 0000000..e4becfc
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1553824659329185,0.20565936687372385
+2,0.09325261042676558,0.24150838688646833
+3,0.07889115758440342,0.251445840056535
+4,0.08067310828338416,0.19753316388795933
+5,0.07210854020677815,0.16510533938379657
+6,0.07388800245705869,0.1604202221046322
+7,0.07486682813633849,0.18299729835181947
+8,0.06642747113157894,0.18684109835509932
+9,0.0666247616860677,0.15840321568952453
+10,0.06778986982939657,0.1804596196246078
+11,0.06468399040100803,0.15075006296542742
+12,0.061762222184122285,0.26019631863586723
+13,0.057833024469966236,0.21715188278129413
+14,0.04980797213377154,0.22217918275817927
+15,0.05558583293637369,0.21965913053305308
+16,0.05107689988491518,0.1458080715552393
+17,0.05698327488489141,0.09977636848681516
+18,0.04061420451010739,0.18332760840853407
+19,0.051334555596613506,0.19671954658453264
+20,0.0532633765419745,0.16923430351720703
+21,0.044681896417582606,0.15192013900283904
+22,0.04202874022543677,0.1471495731656755
+23,0.040419778154733826,0.1820208328433857
+24,0.0367713324429298,0.13685150476615696
+25,0.03391848044726836,0.16965648543226697
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv
new file mode 100644
index 0000000..0486a7c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3,0.8063872388619708,0.9508804448562603,0.9767441860457545,0.9970845481048594,0.9536423841058813,1026,126,3,53
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/model_3.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_3/model_3.pt
new file mode 100644
index 0000000..dd285b0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_3/model_3.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png b/output/LSTM/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png
new file mode 100644
index 0000000..15857de
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy
new file mode 100644
index 0000000..fe0e038
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy
new file mode 100644
index 0000000..9d5d0ec
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt
new file mode 100644
index 0000000..fba9e12
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.98 0.86 129
+ 1 1.00 0.96 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.88 0.97 0.92 1208
+weighted avg 0.97 0.97 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png b/output/LSTM/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png
new file mode 100644
index 0000000..d1e43f8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png b/output/LSTM/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png
new file mode 100644
index 0000000..55e4370
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv
new file mode 100644
index 0000000..ee6c036
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1742435999691856,0.19846372162142106
+2,0.09370081457655785,0.20520282183743774
+3,0.07702744862234051,0.25221998538378804
+4,0.0777395339384444,0.16388345408749075
+5,0.07405065423385664,0.21212351111312128
+6,0.07988847197949393,0.1795382941340757
+7,0.06662600273882185,0.2357265792201243
+8,0.06621197799282257,0.20291283365992469
+9,0.06611356888570599,0.20283272645751677
+10,0.06471335741668201,0.23601281720273679
+11,0.05960011407097971,0.21218224346164555
+12,0.06115618136265,0.2487253734518984
+13,0.04969242741238357,0.2207526320952081
+14,0.04610463328253524,0.18476884465874924
+15,0.04990892235790033,0.23815129500543397
+16,0.04540461671398183,0.2552105491087141
+17,0.04257669567499956,0.23086972936852684
+18,0.04534004393711009,0.1849583227266257
+19,0.03955187499311499,0.24488534761739203
+20,0.040300039257969676,0.1950590373242214
+21,0.08601115055744005,0.22381948380761088
+22,0.046764384186441806,0.18012446941124396
+23,0.041956191448579455,0.2741465268050125
+24,0.045994210602477006,0.18781001690865284
+25,0.042556813417756856,0.1935030151949069
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv
new file mode 100644
index 0000000..f7db074
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4,0.8459140619535213,0.9638554216866576,0.9767441860457545,0.9971236816873444,0.9652317880793903,1040,126,3,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/model_4.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_4/model_4.pt
new file mode 100644
index 0000000..5e59c2a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_4/model_4.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png b/output/LSTM/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png
new file mode 100644
index 0000000..b126813
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy
new file mode 100644
index 0000000..301c0d4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy
new file mode 100644
index 0000000..db159c5
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt
new file mode 100644
index 0000000..85916ba
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.91 0.82 129
+ 1 0.99 0.96 0.98 1079
+
+ accuracy 0.96 1208
+ macro avg 0.86 0.93 0.90 1208
+weighted avg 0.96 0.96 0.96 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png b/output/LSTM/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png
new file mode 100644
index 0000000..d7f4643
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png b/output/LSTM/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png
new file mode 100644
index 0000000..f5d4847
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/losses_model_5.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_5/losses_model_5.csv
new file mode 100644
index 0000000..3f1217c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_5/losses_model_5.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.14493188440553412,0.2024421361575444
+2,0.12483579214000382,0.2466779024370255
+3,0.08714683041792394,0.1781583319515771
+4,0.08046822407483008,0.21515706058351264
+5,0.07148908229529365,0.20345761412904867
+6,0.07318426427731584,0.1402721343854923
+7,0.0705666797531938,0.15970655188955848
+8,0.07224407145553384,0.17628106698224832
+9,0.06794567617793637,0.202897204055203
+10,0.05768516875826561,0.21246378298852622
+11,0.06471905421681148,0.17831712262329436
+12,0.0566617225206357,0.19111072250656905
+13,0.062105141799465934,0.21694501806350966
+14,0.049305028477414276,0.16770945098945841
+15,0.05050559429651942,0.17355995935354113
+16,0.050137101222322254,0.19275124020209805
+17,0.04737864400275544,0.15203127036276723
+18,0.055048815834851675,0.19746754841593606
+19,0.04302842278369753,0.16093297424771252
+20,0.040018853886353144,0.22885488627587386
+21,0.04553397087580409,0.21238976703053566
+22,0.04257295863733681,0.1962517035680057
+23,0.03934160875125734,0.20936882942483098
+24,0.036781147533685186,0.1723175949295945
+25,0.03382870175034839,0.18662207621321525
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/metrics_model_5.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_5/metrics_model_5.csv
new file mode 100644
index 0000000..19360df
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_5/metrics_model_5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5,0.7959604057534323,0.9620018535680295,0.9069767441853435,0.9885714285713344,0.9561258278144904,1038,117,12,41
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/model_5.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_5/model_5.pt
new file mode 100644
index 0000000..16bfd72
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_5/model_5.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/roc_curve_model_5.png b/output/LSTM/chest/Sc_4_T/binary_two/model_5/roc_curve_model_5.png
new file mode 100644
index 0000000..af869b9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_5/roc_curve_model_5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/train_losses_model_5.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_5/train_losses_model_5.npy
new file mode 100644
index 0000000..cad2e38
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_5/train_losses_model_5.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_5/val_losses_model_5.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_5/val_losses_model_5.npy
new file mode 100644
index 0000000..82976b6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_5/val_losses_model_5.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/classification_report_model_6.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_6/classification_report_model_6.txt
new file mode 100644
index 0000000..d6b37c7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_6/classification_report_model_6.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.95 0.88 129
+ 1 0.99 0.97 0.98 1079
+
+ accuracy 0.97 1208
+ macro avg 0.91 0.96 0.93 1208
+weighted avg 0.97 0.97 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/confusion_matrix_model_6.png b/output/LSTM/chest/Sc_4_T/binary_two/model_6/confusion_matrix_model_6.png
new file mode 100644
index 0000000..b350bb6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_6/confusion_matrix_model_6.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/loss_curve_model_6.png b/output/LSTM/chest/Sc_4_T/binary_two/model_6/loss_curve_model_6.png
new file mode 100644
index 0000000..ac83e90
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_6/loss_curve_model_6.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/losses_model_6.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_6/losses_model_6.csv
new file mode 100644
index 0000000..16e1800
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_6/losses_model_6.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.19053576997488983,0.24915795040226751
+2,0.10546569473087049,0.20142775404477312
+3,0.08632367984045389,0.23313752440134844
+4,0.09149335692675153,0.2055701425734667
+5,0.11893006682026484,0.18448906391859055
+6,0.09294742537462268,0.2052791219865603
+7,0.07643244550986723,0.1712394142523408
+8,0.07103758204097221,0.22537488716038606
+9,0.07580065775916657,0.21669673840064677
+10,0.069035958836417,0.2811892186009866
+11,0.06420425250491296,0.19892010208399546
+12,0.06657371805472807,0.194467035993453
+13,0.06379715892994269,0.19737791107036173
+14,0.0647025964115092,0.23218539589264942
+15,0.05952324419790371,0.2178349192526507
+16,0.045883664408167595,0.2336474742980734
+17,0.04227593154761909,0.20512638371362682
+18,0.04678454544695387,0.14763119046185766
+19,0.0368761483571215,0.2259832313847578
+20,0.04104820062206242,0.24949782482168126
+21,0.0441021800934999,0.19687362631356659
+22,0.03351275052385566,0.1966950560951861
+23,0.028161979554613574,0.22021574511440592
+24,0.03400590145827679,0.31880301774588354
+25,0.028868269688095742,0.3586450508033346
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/metrics_model_6.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_6/metrics_model_6.csv
new file mode 100644
index 0000000..acff4a9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_6/metrics_model_6.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6,0.8647466001467798,0.9749768303984268,0.9457364341077941,0.9933899905570355,0.9718543046356811,1052,122,7,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/model_6.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_6/model_6.pt
new file mode 100644
index 0000000..fd6ba6c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_6/model_6.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/roc_curve_model_6.png b/output/LSTM/chest/Sc_4_T/binary_two/model_6/roc_curve_model_6.png
new file mode 100644
index 0000000..176c549
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_6/roc_curve_model_6.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/train_losses_model_6.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_6/train_losses_model_6.npy
new file mode 100644
index 0000000..998d6c3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_6/train_losses_model_6.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_6/val_losses_model_6.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_6/val_losses_model_6.npy
new file mode 100644
index 0000000..5f886db
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_6/val_losses_model_6.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/classification_report_model_7.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_7/classification_report_model_7.txt
new file mode 100644
index 0000000..5a31556
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_7/classification_report_model_7.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.73 0.78 0.75 129
+ 1 0.97 0.96 0.97 1079
+
+ accuracy 0.95 1208
+ macro avg 0.85 0.87 0.86 1208
+weighted avg 0.95 0.95 0.95 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/confusion_matrix_model_7.png b/output/LSTM/chest/Sc_4_T/binary_two/model_7/confusion_matrix_model_7.png
new file mode 100644
index 0000000..f715d91
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_7/confusion_matrix_model_7.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/loss_curve_model_7.png b/output/LSTM/chest/Sc_4_T/binary_two/model_7/loss_curve_model_7.png
new file mode 100644
index 0000000..1049c91
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_7/loss_curve_model_7.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/losses_model_7.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_7/losses_model_7.csv
new file mode 100644
index 0000000..5c7c9a9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_7/losses_model_7.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.1477591334418817,0.1599822744066196
+2,0.09742601917025225,0.21614608010878006
+3,0.08091412711703827,0.25260238223258524
+4,0.08171313796346345,0.28805182569269694
+5,0.08192435008365938,0.1627115504665961
+6,0.07530845658399535,0.17316657859802007
+7,0.06989823720102345,0.17777266265493968
+8,0.07083199713629293,0.1946258141993425
+9,0.06378774979144089,0.1804280303279689
+10,0.061002433266344455,0.1743974844707296
+11,0.0618449660433718,0.1797315922956313
+12,0.055932773297367816,0.16118356110077472
+13,0.05389126965945417,0.1920282823562194
+14,0.056478215396415815,0.1317413250611524
+15,0.0522842236057555,0.1327422977830734
+16,0.04242846716199193,0.1912444302889203
+17,0.04436748141465201,0.12868693114714622
+18,0.0689485463634141,0.1440122178793254
+19,0.059966691750417314,0.17957956584793847
+20,0.05403191677183067,0.13174711412660056
+21,0.04407413508877743,0.1407414605360358
+22,0.04328509031752632,0.2075035558640769
+23,0.05044950414756852,0.14401932613926025
+24,0.0377326240202158,0.14023505026923358
+25,0.036322495869547514,0.16659266978568932
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/metrics_model_7.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_7/metrics_model_7.csv
new file mode 100644
index 0000000..1ec40a3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_7/metrics_model_7.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+7,0.7236906057197399,0.9647822057459717,0.7829457364335016,0.9738072965387302,0.9453642384105178,1041,101,28,38
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/model_7.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_7/model_7.pt
new file mode 100644
index 0000000..4a3c346
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_7/model_7.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/roc_curve_model_7.png b/output/LSTM/chest/Sc_4_T/binary_two/model_7/roc_curve_model_7.png
new file mode 100644
index 0000000..be4ff46
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_7/roc_curve_model_7.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/train_losses_model_7.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_7/train_losses_model_7.npy
new file mode 100644
index 0000000..25f7cd2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_7/train_losses_model_7.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_7/val_losses_model_7.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_7/val_losses_model_7.npy
new file mode 100644
index 0000000..df6acdb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_7/val_losses_model_7.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/classification_report_model_8.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_8/classification_report_model_8.txt
new file mode 100644
index 0000000..b79f072
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_8/classification_report_model_8.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.96 0.85 129
+ 1 1.00 0.96 0.98 1079
+
+ accuracy 0.96 1208
+ macro avg 0.88 0.96 0.91 1208
+weighted avg 0.97 0.96 0.97 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/confusion_matrix_model_8.png b/output/LSTM/chest/Sc_4_T/binary_two/model_8/confusion_matrix_model_8.png
new file mode 100644
index 0000000..399139b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_8/confusion_matrix_model_8.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/loss_curve_model_8.png b/output/LSTM/chest/Sc_4_T/binary_two/model_8/loss_curve_model_8.png
new file mode 100644
index 0000000..be86e2e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_8/loss_curve_model_8.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/losses_model_8.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_8/losses_model_8.csv
new file mode 100644
index 0000000..3813748
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_8/losses_model_8.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.14723056907696294,0.25428424343737144
+2,0.09399717550894077,0.16807713928902823
+3,0.09511223081730244,0.23013346582545988
+4,0.1130571307976199,0.24935845994660932
+5,0.08046589445799959,0.1834360735693706
+6,0.08342515399741117,0.24580870906732255
+7,0.07841597840551687,0.21908387204542035
+8,0.08202361887463268,0.17945199413788354
+9,0.07019537428686441,0.19150554428004748
+10,0.07274709949135195,0.16413112047443829
+11,0.07343400648721948,0.1585416590434409
+12,0.07233356373299929,0.22906640828812436
+13,0.06230624986731655,0.18307046985043393
+14,0.06531897318464788,0.21288111672601512
+15,0.06118771821945475,0.25782938305600245
+16,0.053492054263368435,0.19012759779974248
+17,0.05517819246146366,0.21191055710275372
+18,0.057282525974360475,0.18626457708887756
+19,0.04707538991904825,0.19292902568779555
+20,0.05199369946028075,0.16658265955676702
+21,0.05250424105906859,0.15977714034623555
+22,0.04775734962741575,0.14971623475655854
+23,0.04758421693397455,0.13500740145513368
+24,0.04702667559185335,0.13805588298747618
+25,0.04097908929862036,0.1214730846808262
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/metrics_model_8.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_8/metrics_model_8.csv
new file mode 100644
index 0000000..fe307f0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_8/metrics_model_8.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8,0.8362580420217277,0.9638554216866576,0.9612403100767744,0.9952153110046894,0.9635761589403176,1040,124,5,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/model_8.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_8/model_8.pt
new file mode 100644
index 0000000..5c44667
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_8/model_8.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/roc_curve_model_8.png b/output/LSTM/chest/Sc_4_T/binary_two/model_8/roc_curve_model_8.png
new file mode 100644
index 0000000..c06337b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_8/roc_curve_model_8.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/train_losses_model_8.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_8/train_losses_model_8.npy
new file mode 100644
index 0000000..76f36f5
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_8/train_losses_model_8.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_8/val_losses_model_8.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_8/val_losses_model_8.npy
new file mode 100644
index 0000000..0dbb6ca
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_8/val_losses_model_8.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/classification_report_model_9.txt b/output/LSTM/chest/Sc_4_T/binary_two/model_9/classification_report_model_9.txt
new file mode 100644
index 0000000..6f14235
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_9/classification_report_model_9.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.99 0.83 129
+ 1 1.00 0.95 0.98 1079
+
+ accuracy 0.96 1208
+ macro avg 0.86 0.97 0.90 1208
+weighted avg 0.97 0.96 0.96 1208
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/confusion_matrix_model_9.png b/output/LSTM/chest/Sc_4_T/binary_two/model_9/confusion_matrix_model_9.png
new file mode 100644
index 0000000..b186b4d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_9/confusion_matrix_model_9.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/loss_curve_model_9.png b/output/LSTM/chest/Sc_4_T/binary_two/model_9/loss_curve_model_9.png
new file mode 100644
index 0000000..d14f752
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_9/loss_curve_model_9.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/losses_model_9.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_9/losses_model_9.csv
new file mode 100644
index 0000000..5a1efeb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_9/losses_model_9.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.13984159857404133,0.1918613781604255
+2,0.0854407085090383,0.26589709783588805
+3,0.0877434420986255,0.2002019174096565
+4,0.09589786989968424,0.22619674928606517
+5,0.08112041557530973,0.16330867062788457
+6,0.06952011227907906,0.19422828340001644
+7,0.06744231227381263,0.1032857189796144
+8,0.06420102203649676,0.14365406245398785
+9,0.06881804191045586,0.15266543115496695
+10,0.060822989048882704,0.11306246893758315
+11,0.05917516872017406,0.1029160376919824
+12,0.05486532971108994,0.15242071060328594
+13,0.06529611956389729,0.14015202456897485
+14,0.05829781986780711,0.10468627048671365
+15,0.0541949738673327,0.10791950326998748
+16,0.04622695024206095,0.11407937255646702
+17,0.04437566733262925,0.11433310022449962
+18,0.050642827375645724,0.13882951779129554
+19,0.04844197732721617,0.10383751401076874
+20,0.04322261267826577,0.11297967090767118
+21,0.041042889177333564,0.1392446700746434
+22,0.04795602714250342,0.10925530475722026
+23,0.03909220462828521,0.09826957176987743
+24,0.03645481430340466,0.12668555653503827
+25,0.058680193932642316,0.12308063299626097
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/metrics_model_9.csv b/output/LSTM/chest/Sc_4_T/binary_two/model_9/metrics_model_9.csv
new file mode 100644
index 0000000..3ce7a6d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/model_9/metrics_model_9.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9,0.8241879429147626,0.9536607970342026,0.9922480620147348,0.9990291262134952,0.9577814569535631,1029,128,1,50
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/model_9.pt b/output/LSTM/chest/Sc_4_T/binary_two/model_9/model_9.pt
new file mode 100644
index 0000000..5067d89
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_9/model_9.pt differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/roc_curve_model_9.png b/output/LSTM/chest/Sc_4_T/binary_two/model_9/roc_curve_model_9.png
new file mode 100644
index 0000000..06334ba
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_9/roc_curve_model_9.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/train_losses_model_9.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_9/train_losses_model_9.npy
new file mode 100644
index 0000000..834e290
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_9/train_losses_model_9.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/model_9/val_losses_model_9.npy b/output/LSTM/chest/Sc_4_T/binary_two/model_9/val_losses_model_9.npy
new file mode 100644
index 0000000..ffa8489
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/model_9/val_losses_model_9.npy differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/optuna_study.db b/output/LSTM/chest/Sc_4_T/binary_two/optuna_study.db
new file mode 100644
index 0000000..cf1d780
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/optuna_study.db differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/optuna_trials.csv b/output/LSTM/chest/Sc_4_T/binary_two/optuna_trials.csv
new file mode 100644
index 0000000..6d9acb7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/optuna_trials.csv
@@ -0,0 +1,21 @@
+number,value,datetime_start,datetime_complete,duration,params_decision_threshold,params_dropout,params_hidden_dim,params_learning_rate,params_num_layers,state
+0,0.7864449719996568,2025-07-10 14:49:50.355748,2025-07-10 15:56:37.140041,0 days 01:06:46.784293,0.5,0.4,224,0.0005154095645526042,3,COMPLETE
+1,0.7930637048754757,2025-07-10 15:56:37.356678,2025-07-10 17:20:46.884317,0 days 01:24:09.527639,0.9,0.2,155,0.0006236892816557894,2,COMPLETE
+2,0.8224149814321404,2025-07-10 17:20:47.532135,2025-07-10 17:31:51.465849,0 days 00:11:03.933714,0.8,0.5,71,0.0002637672581039328,3,COMPLETE
+3,0.794668297338401,2025-07-10 17:31:53.368053,2025-07-10 18:25:47.479283,0 days 00:53:54.111230,0.7,0.2,193,0.00024365049489588972,3,COMPLETE
+4,0.789704027694416,2025-07-10 18:25:47.550449,2025-07-10 18:31:32.420094,0 days 00:05:44.869645,0.7,0.2,93,0.000135054205924297,1,COMPLETE
+5,0.7861989925740117,2025-07-10 18:31:34.558192,2025-07-10 18:35:21.833975,0 days 00:03:47.275783,0.5,0.1,83,0.0006147771394146838,1,COMPLETE
+6,0.8180993554542342,2025-07-10 18:35:22.801435,2025-07-10 20:42:12.994385,0 days 02:06:50.192950,0.8,0.1,191,0.0026368495309405608,2,COMPLETE
+7,0.8383511039644154,2025-07-10 20:42:13.681852,2025-07-10 20:50:14.601652,0 days 00:08:00.919800,0.6,0.4,73,0.00046535985374078514,2,COMPLETE
+8,0.86622837165954,2025-07-10 20:50:15.079060,2025-07-10 20:54:40.327183,0 days 00:04:25.248123,0.8,0.2,73,0.007343979282379458,1,COMPLETE
+9,0.8197345320267224,2025-07-10 20:54:40.399275,2025-07-10 21:06:52.086394,0 days 00:12:11.687119,0.9,0.2,78,0.0006008093839911269,3,COMPLETE
+10,0.8121183263170911,2025-07-10 21:06:53.154466,2025-07-10 21:13:19.852701,0 days 00:06:26.698235,0.8,0.30000000000000004,110,0.006839311993990881,1,COMPLETE
+11,0.8483485489631958,2025-07-10 21:13:20.557682,2025-07-10 21:19:22.604309,0 days 00:06:02.046627,0.6,0.4,64,0.0019709052822061692,2,COMPLETE
+12,0.8389174399106011,2025-07-10 21:19:24.737370,2025-07-10 21:26:44.448243,0 days 00:07:19.710873,0.6,0.4,112,0.00987497696878529,1,COMPLETE
+13,0.8254397980158688,2025-07-10 21:26:45.126357,2025-07-10 21:33:12.338735,0 days 00:06:27.212378,0.6,0.30000000000000004,65,0.002218594678845796,2,COMPLETE
+14,0.8328414395198044,2025-07-10 21:33:12.617877,2025-07-10 21:40:16.216467,0 days 00:07:03.598590,0.7,0.5,97,0.00340074581575537,1,COMPLETE
+15,0.8193320371059956,2025-07-10 21:40:16.291965,2025-07-10 21:45:33.361332,0 days 00:05:17.069367,0.8,0.30000000000000004,64,0.001273654027586288,2,COMPLETE
+16,0.8203084032790745,2025-07-10 21:45:33.954815,2025-07-10 22:49:53.426591,0 days 01:04:19.471776,0.6,0.4,138,0.004923841111629055,2,COMPLETE
+17,0.8668582774441311,2025-07-10 22:49:54.388114,2025-07-10 22:56:17.606331,0 days 00:06:23.218217,0.7,0.1,87,0.0014261634337092294,1,COMPLETE
+18,0.807192444651091,2025-07-10 22:56:18.459827,2025-07-10 22:59:20.240066,0 days 00:03:01.780239,0.9,0.1,91,0.0012607742187941012,1,COMPLETE
+19,0.8202309588121561,2025-07-10 22:59:20.384992,2025-07-10 23:05:46.651851,0 days 00:06:26.266859,0.8,0.1,114,0.007014202329337102,1,COMPLETE
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/shap_analysis_completed.flag b/output/LSTM/chest/Sc_4_T/binary_two/shap_analysis_completed.flag
new file mode 100644
index 0000000..e69de29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/summary_metrics.csv b/output/LSTM/chest/Sc_4_T/binary_two/summary_metrics.csv
new file mode 100644
index 0000000..3e330e7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/summary_metrics.csv
@@ -0,0 +1,3 @@
+,Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+mean,mean,0.8061682796087583,0.9643188137163143,0.9116279069760376,0.9892447049243749,0.958692052980053,1040.5,117.6,11.4,38.5
+std,std,0.05671639117086379,0.006069886344500585,0.07879007499919247,0.00951293726277538,0.010408586882862447,6.5494073657167835,10.16391967490371,10.16391967490371,6.5494073657167835
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold1.txt
new file mode 100644
index 0000000..060298f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.96 0.82 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.96 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold2.txt
new file mode 100644
index 0000000..40a2416
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 0.87 0.78 95
+ 1 0.99 0.96 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.85 0.92 0.88 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold3.txt
new file mode 100644
index 0000000..d8a28d6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.91 0.83 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.94 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold4.txt
new file mode 100644
index 0000000..a5affc1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.97 0.84 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.97 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold5.txt
new file mode 100644
index 0000000..eb4fdc4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/classification_report_model_0fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.98 0.86 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.88 0.97 0.92 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold1.png
new file mode 100644
index 0000000..f175cee
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold2.png
new file mode 100644
index 0000000..008e419
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold3.png
new file mode 100644
index 0000000..28e00be
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold4.png
new file mode 100644
index 0000000..bf32bd4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold5.png
new file mode 100644
index 0000000..edc7eaf
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/confusion_matrix_model_0fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold1.png
new file mode 100644
index 0000000..7b458cf
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold2.png
new file mode 100644
index 0000000..ab416f2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold3.png
new file mode 100644
index 0000000..df8aa87
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold4.png
new file mode 100644
index 0000000..6b2e408
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold5.png
new file mode 100644
index 0000000..5649d6c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/loss_curve_model_0fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold1.csv
new file mode 100644
index 0000000..eba25dd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold1,0.8114316077486866,0.959816303099775,0.9578947368410969,0.9952380952379767,0.9596273291924472,836,91,4,35
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold2.csv
new file mode 100644
index 0000000..bf01a71
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold2,0.7617768725933369,0.9609644087254924,0.8736842105253961,0.9858657243815093,0.9523809523808537,837,83,12,34
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold3.csv
new file mode 100644
index 0000000..c4a3447
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold3,0.8142272505137117,0.9701492537312318,0.9052631578937839,0.9894613583137014,0.9637681159419291,845,86,9,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold4.csv
new file mode 100644
index 0000000..1aba165
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold4,0.8294143486102444,0.9632606199769272,0.9684210526305596,0.9964370546317106,0.9637681159419291,839,92,3,32
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold5.csv
new file mode 100644
index 0000000..333a139
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/metrics_model_0fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+0fold5,0.8528765551886436,0.9678160919539117,0.9791666666656467,0.9976303317534363,0.9689440993787817,842,94,2,28
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold1.png
new file mode 100644
index 0000000..c4679c7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold2.png
new file mode 100644
index 0000000..a8d78a5
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold3.png
new file mode 100644
index 0000000..a9663e7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold4.png
new file mode 100644
index 0000000..2a4301c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold5.png
new file mode 100644
index 0000000..4faa580
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/roc_curve_model_0fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_0/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/trial_summary.json
new file mode 100644
index 0000000..1d2550e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_0/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 0,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0010660303034270284,
+ "decision_threshold": 0.8,
+ "hidden_dim": 119,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8139453269309247,
+ "mcc_scores": [
+ 0.8114316077486866,
+ 0.7617768725933369,
+ 0.8142272505137117,
+ 0.8294143486102444,
+ 0.8528765551886436
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold1.txt
new file mode 100644
index 0000000..889c040
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.96 0.95 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.99 966
+ macro avg 0.97 0.98 0.97 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold2.txt
new file mode 100644
index 0000000..c387780
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.00 0.00 0.00 95
+ 1 0.90 1.00 0.95 871
+
+ accuracy 0.90 966
+ macro avg 0.45 0.50 0.47 966
+weighted avg 0.81 0.90 0.86 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold3.txt
new file mode 100644
index 0000000..089cf04
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.27 0.41 95
+ 1 0.93 0.99 0.96 871
+
+ accuracy 0.92 966
+ macro avg 0.87 0.63 0.68 966
+weighted avg 0.91 0.92 0.90 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold4.txt
new file mode 100644
index 0000000..4389d5a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.98 0.86 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.97 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold5.txt
new file mode 100644
index 0000000..75e1e11
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/classification_report_model_1fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.63 0.99 0.77 96
+ 1 1.00 0.94 0.97 870
+
+ accuracy 0.94 966
+ macro avg 0.81 0.96 0.87 966
+weighted avg 0.96 0.94 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold1.png
new file mode 100644
index 0000000..cadf744
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold2.png
new file mode 100644
index 0000000..cf08638
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold3.png
new file mode 100644
index 0000000..28e00be
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold4.png
new file mode 100644
index 0000000..968e781
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold5.png
new file mode 100644
index 0000000..6e1666a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/confusion_matrix_model_1fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold1.png
new file mode 100644
index 0000000..0b8e832
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold2.png
new file mode 100644
index 0000000..7c5f208
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold3.png
new file mode 100644
index 0000000..39dac2f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold4.png
new file mode 100644
index 0000000..709709d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold5.png
new file mode 100644
index 0000000..23c0df8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/loss_curve_model_1fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold1.csv
new file mode 100644
index 0000000..284cd71
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold1,0.9422332566181468,0.9931113662455805,0.9578947368410969,0.9953970080551213,0.9896480331261915,865,91,4,6
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold2.csv
new file mode 100644
index 0000000..0c0e640
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold2,0.0,0.9999999999998851,0.0,0.9016563146996995,0.9016563146996995,871,0,95,0
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold3.csv
new file mode 100644
index 0000000..7fa332c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold3,0.44391628564060287,0.9931113662455805,0.2736842105260277,0.9261241970020422,0.9223602484471094,865,26,69,6
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold4.csv
new file mode 100644
index 0000000..4b79da9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold4,0.8477176530675098,0.9667049368540795,0.9789473684200222,0.9976303317534363,0.9679089026914112,842,93,2,29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold5.csv
new file mode 100644
index 0000000..f75d658
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/metrics_model_1fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1fold5,0.7622033842341844,0.9356321839079383,0.9895833333323025,0.9987730061348468,0.9409937888197784,814,95,1,56
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold1.png
new file mode 100644
index 0000000..be53bb2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold2.png
new file mode 100644
index 0000000..d931d59
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold3.png
new file mode 100644
index 0000000..cc671a1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold4.png
new file mode 100644
index 0000000..be0b591
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold5.png
new file mode 100644
index 0000000..9ac543d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/roc_curve_model_1fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_1/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/trial_summary.json
new file mode 100644
index 0000000..8e79d79
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_1/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 1,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.006365727257124177,
+ "decision_threshold": 0.7,
+ "hidden_dim": 228,
+ "num_layers": 3
+ },
+ "mean_mcc": 0.5992141159120888,
+ "mcc_scores": [
+ 0.9422332566181468,
+ 0.0,
+ 0.44391628564060287,
+ 0.8477176530675098,
+ 0.7622033842341844
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold1.txt
new file mode 100644
index 0000000..a0af51c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.94 0.85 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.95 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold2.txt
new file mode 100644
index 0000000..8900a9a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.68 0.96 0.80 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.95 0.89 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold3.txt
new file mode 100644
index 0000000..066957e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.94 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.95 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold4.txt
new file mode 100644
index 0000000..d8a28d6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.91 0.83 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.94 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold5.txt
new file mode 100644
index 0000000..7f4a120
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/classification_report_model_10fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.89 0.91 96
+ 1 0.99 0.99 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.97 0.94 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold1.png
new file mode 100644
index 0000000..279f3eb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold2.png
new file mode 100644
index 0000000..73d5397
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold3.png
new file mode 100644
index 0000000..772b2db
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold4.png
new file mode 100644
index 0000000..abf7b1b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold5.png
new file mode 100644
index 0000000..0236b27
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/confusion_matrix_model_10fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold1.png
new file mode 100644
index 0000000..d6d896b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold2.png
new file mode 100644
index 0000000..f4787b0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold3.png
new file mode 100644
index 0000000..3405c76
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold4.png
new file mode 100644
index 0000000..443f453
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold5.png
new file mode 100644
index 0000000..2f73b71
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/loss_curve_model_10fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold1.csv
new file mode 100644
index 0000000..2e19fe1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold1,0.8339890133325232,0.9701492537312318,0.9368421052621717,0.992949471210224,0.9668737060040407,845,89,6,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold2.csv
new file mode 100644
index 0000000..5aa7668
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold2,0.786155549523876,0.9517795637197529,0.9578947368410969,0.9951980792315731,0.9523809523808537,829,91,4,42
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold3.csv
new file mode 100644
index 0000000..ed78f5f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold3,0.8216421661679191,0.9667049368540795,0.9368421052621717,0.9929245283017697,0.9637681159419291,842,89,6,29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold4.csv
new file mode 100644
index 0000000..776dd38
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold4,0.8184803140681179,0.9712973593569493,0.9052631578937839,0.9894736842104105,0.9648033126292996,846,86,9,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold5.csv
new file mode 100644
index 0000000..106b19a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/metrics_model_10fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10fold5,0.9054020827873088,0.9942528735631041,0.8854166666657444,0.9874429223743164,0.9834368530019686,865,85,11,5
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold1.png
new file mode 100644
index 0000000..0c6351c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold2.png
new file mode 100644
index 0000000..e9d6f83
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold3.png
new file mode 100644
index 0000000..b73807d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold4.png
new file mode 100644
index 0000000..c6df073
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold5.png
new file mode 100644
index 0000000..cbea2ae
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/roc_curve_model_10fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_10/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/trial_summary.json
new file mode 100644
index 0000000..633b0ac
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_10/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 10,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.002282536666569699,
+ "decision_threshold": 0.5,
+ "hidden_dim": 64,
+ "num_layers": 3
+ },
+ "mean_mcc": 0.833133825175949,
+ "mcc_scores": [
+ 0.8339890133325232,
+ 0.786155549523876,
+ 0.8216421661679191,
+ 0.8184803140681179,
+ 0.9054020827873088
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold1.txt
new file mode 100644
index 0000000..9c30abe
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.95 0.82 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.95 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold2.txt
new file mode 100644
index 0000000..7229cc6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.65 0.99 0.79 95
+ 1 1.00 0.94 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.83 0.97 0.88 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold3.txt
new file mode 100644
index 0000000..836a435
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.69 0.72 95
+ 1 0.97 0.97 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.85 0.83 0.84 966
+weighted avg 0.94 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold4.txt
new file mode 100644
index 0000000..df43415
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.97 0.83 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.96 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold5.txt
new file mode 100644
index 0000000..6988cac
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/classification_report_model_11fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.93 0.86 96
+ 1 0.99 0.98 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.90 0.95 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold1.png
new file mode 100644
index 0000000..baa029f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold2.png
new file mode 100644
index 0000000..0e2efaa
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold3.png
new file mode 100644
index 0000000..074f37f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold4.png
new file mode 100644
index 0000000..471a670
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold5.png
new file mode 100644
index 0000000..8b5885c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/confusion_matrix_model_11fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold1.png
new file mode 100644
index 0000000..602df87
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold2.png
new file mode 100644
index 0000000..ed87d4a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold3.png
new file mode 100644
index 0000000..284c1b9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold4.png
new file mode 100644
index 0000000..a5d08cb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold5.png
new file mode 100644
index 0000000..86121ae
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/loss_curve_model_11fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold1.csv
new file mode 100644
index 0000000..961fbe8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11fold1,0.8048475092443441,0.959816303099775,0.9473684210516343,0.994054696789418,0.9585921325050767,836,90,5,35
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold2.csv
new file mode 100644
index 0000000..e9d2df2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11fold2,0.7792943202869241,0.9425947187140135,0.9894736842094848,0.998783454987713,0.9472049689440013,821,94,1,50
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold3.csv
new file mode 100644
index 0000000..7766084
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11fold3,0.6881249495990273,0.9735935706083841,0.6947368421045318,0.9669327251994336,0.9461697722566308,848,66,29,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold4.csv
new file mode 100644
index 0000000..b3a9454
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11fold4,0.8179882801934873,0.959816303099775,0.9684210526305596,0.9964243146601911,0.9606625258798177,836,92,3,35
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold5.csv
new file mode 100644
index 0000000..0a5128c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/metrics_model_11fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11fold5,0.8504005039318646,0.9758620689654051,0.9270833333323676,0.9918224299064261,0.9710144927535226,849,89,7,21
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold1.png
new file mode 100644
index 0000000..7783c22
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold2.png
new file mode 100644
index 0000000..120a446
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold3.png
new file mode 100644
index 0000000..bde19d1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold4.png
new file mode 100644
index 0000000..885a7cd
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold5.png
new file mode 100644
index 0000000..3066177
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/roc_curve_model_11fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_11/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/trial_summary.json
new file mode 100644
index 0000000..12f9a6a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_11/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 11,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0032645302651463804,
+ "decision_threshold": 0.5,
+ "hidden_dim": 65,
+ "num_layers": 3
+ },
+ "mean_mcc": 0.7881311126511295,
+ "mcc_scores": [
+ 0.8048475092443441,
+ 0.7792943202869241,
+ 0.6881249495990273,
+ 0.8179882801934873,
+ 0.8504005039318646
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold1.txt
new file mode 100644
index 0000000..549460c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.66 0.92 0.77 95
+ 1 0.99 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.83 0.93 0.87 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold2.txt
new file mode 100644
index 0000000..d4e31dc
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.97 0.81 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.96 0.89 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold3.txt
new file mode 100644
index 0000000..578710a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.72 0.75 95
+ 1 0.97 0.98 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.88 0.85 0.86 966
+weighted avg 0.95 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold4.txt
new file mode 100644
index 0000000..d174c7c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.94 0.86 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.95 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold5.txt
new file mode 100644
index 0000000..dddb65d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/classification_report_model_12fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 0.91 0.79 96
+ 1 0.99 0.96 0.97 870
+
+ accuracy 0.95 966
+ macro avg 0.85 0.93 0.88 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold1.png
new file mode 100644
index 0000000..133d0ff
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold2.png
new file mode 100644
index 0000000..a119b3c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold3.png
new file mode 100644
index 0000000..6e1e9c2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold4.png
new file mode 100644
index 0000000..5cfc74d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold5.png
new file mode 100644
index 0000000..57b2657
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/confusion_matrix_model_12fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold1.png
new file mode 100644
index 0000000..3071c18
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold2.png
new file mode 100644
index 0000000..c7545c4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold3.png
new file mode 100644
index 0000000..28a91c6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold4.png
new file mode 100644
index 0000000..047c9ff
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold5.png
new file mode 100644
index 0000000..867514e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/loss_curve_model_12fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold1.csv
new file mode 100644
index 0000000..fbe14bd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold1,0.7525668074593989,0.949483352468318,0.9157894736832465,0.990419161676528,0.9461697722566308,827,87,8,44
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold2.csv
new file mode 100644
index 0000000..8622a0f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold2,0.7997712175851559,0.9540757749711878,0.9684210526305596,0.9964028776977222,0.9554865424429653,831,92,3,40
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold3.csv
new file mode 100644
index 0000000..058a232
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold3,0.72187322548169,0.9781859931112539,0.715789473683457,0.9692832764504016,0.9523809523808537,852,68,27,19
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold4.csv
new file mode 100644
index 0000000..6905a6d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold4,0.84247766726469,0.9724454649826667,0.9368421052621717,0.9929660023445495,0.9689440993787817,847,89,6,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold5.csv
new file mode 100644
index 0000000..f6daeb4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/metrics_model_12fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12fold5,0.7762115111042209,0.9586206896550622,0.906249999999056,0.9893238434162527,0.9534161490682243,834,87,9,36
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold1.png
new file mode 100644
index 0000000..7a68253
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold2.png
new file mode 100644
index 0000000..d0b734e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold3.png
new file mode 100644
index 0000000..75d3910
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold4.png
new file mode 100644
index 0000000..b1f968b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold5.png
new file mode 100644
index 0000000..2a0d652
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/roc_curve_model_12fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_12/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/trial_summary.json
new file mode 100644
index 0000000..bfe95e9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_12/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 12,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0022289965237325534,
+ "decision_threshold": 0.5,
+ "hidden_dim": 64,
+ "num_layers": 3
+ },
+ "mean_mcc": 0.778580085779031,
+ "mcc_scores": [
+ 0.7525668074593989,
+ 0.7997712175851559,
+ 0.72187322548169,
+ 0.84247766726469,
+ 0.7762115111042209
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold1.txt
new file mode 100644
index 0000000..6c4fa5e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.85 0.98 0.91 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.92 0.98 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold2.txt
new file mode 100644
index 0000000..18896c9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.73 0.95 0.83 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.95 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold3.txt
new file mode 100644
index 0000000..b6caeaf
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.90 0.93 0.91 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.96 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold4.txt
new file mode 100644
index 0000000..971cc08
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.86 0.94 0.89 95
+ 1 0.99 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.92 0.96 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold5.txt
new file mode 100644
index 0000000..0f0a8ac
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/classification_report_model_13fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.84 0.87 96
+ 1 0.98 0.99 0.99 870
+
+ accuracy 0.97 966
+ macro avg 0.94 0.92 0.93 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold1.png
new file mode 100644
index 0000000..2b0df89
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold2.png
new file mode 100644
index 0000000..07951a6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold3.png
new file mode 100644
index 0000000..6e1e9c2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold4.png
new file mode 100644
index 0000000..022f9c3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold5.png
new file mode 100644
index 0000000..b8033fb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/confusion_matrix_model_13fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold1.png
new file mode 100644
index 0000000..8efc0c9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold2.png
new file mode 100644
index 0000000..7ace2ea
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold3.png
new file mode 100644
index 0000000..5fcd6d7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold4.png
new file mode 100644
index 0000000..ec651f0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold5.png
new file mode 100644
index 0000000..18fa6fe
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/loss_curve_model_13fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold1.csv
new file mode 100644
index 0000000..f8434e8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold1,0.8993955945374015,0.9804822043626887,0.9789473684200222,0.9976635514017526,0.9803312629398571,854,93,2,17
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold2.csv
new file mode 100644
index 0000000..6c1f970
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold2,0.8124527946753184,0.9621125143512098,0.9473684210516343,0.9940688018978654,0.9606625258798177,838,90,5,33
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold3.csv
new file mode 100644
index 0000000..ebe031c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold3,0.9022785328122401,0.9885189437427108,0.9263157894727091,0.9919354838708534,0.9824016563145981,861,88,7,10
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold4.csv
new file mode 100644
index 0000000..bc1c5fd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold4,0.8835054469780408,0.9827784156141236,0.9368421052621717,0.9930394431553372,0.978260869565116,856,89,6,15
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold5.csv
new file mode 100644
index 0000000..2b4dfb4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/metrics_model_13fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13fold5,0.8523683653437208,0.9885057471263231,0.843749999999121,0.9828571428570305,0.9741200828156341,860,81,15,10
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold1.png
new file mode 100644
index 0000000..c24d4db
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold2.png
new file mode 100644
index 0000000..c3f3ca8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold3.png
new file mode 100644
index 0000000..782a893
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold4.png
new file mode 100644
index 0000000..2dc0f9d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold5.png
new file mode 100644
index 0000000..43da5d2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/roc_curve_model_13fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_13/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/trial_summary.json
new file mode 100644
index 0000000..2572b93
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_13/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 13,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.009249071748933982,
+ "decision_threshold": 0.5,
+ "hidden_dim": 71,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8700001468693443,
+ "mcc_scores": [
+ 0.8993955945374015,
+ 0.8124527946753184,
+ 0.9022785328122401,
+ 0.8835054469780408,
+ 0.8523683653437208
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold1.txt
new file mode 100644
index 0000000..9135e4c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.92 0.79 95
+ 1 0.99 0.96 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.94 0.88 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold2.txt
new file mode 100644
index 0000000..47ecbac
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.79 0.86 95
+ 1 0.98 1.00 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.96 0.89 0.92 966
+weighted avg 0.97 0.98 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold3.txt
new file mode 100644
index 0000000..b38c9c9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.92 0.82 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.94 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold4.txt
new file mode 100644
index 0000000..8132b32
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.84 0.81 0.82 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.91 0.90 0.90 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold5.txt
new file mode 100644
index 0000000..4b9435a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/classification_report_model_14fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.88 0.82 96
+ 1 0.99 0.97 0.98 870
+
+ accuracy 0.96 966
+ macro avg 0.87 0.92 0.90 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold1.png
new file mode 100644
index 0000000..2f6a8c4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold2.png
new file mode 100644
index 0000000..d94452a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold3.png
new file mode 100644
index 0000000..78b5b45
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold4.png
new file mode 100644
index 0000000..ef59e64
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold5.png
new file mode 100644
index 0000000..5e185b0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/confusion_matrix_model_14fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold1.png
new file mode 100644
index 0000000..b364de7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold2.png
new file mode 100644
index 0000000..319fbb3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold3.png
new file mode 100644
index 0000000..b95ba4d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold4.png
new file mode 100644
index 0000000..b32a292
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold5.png
new file mode 100644
index 0000000..0c548c2
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/loss_curve_model_14fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold1.csv
new file mode 100644
index 0000000..72e969c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14fold1,0.7737751308817236,0.9563719862226226,0.9157894736832465,0.9904875148631402,0.9523809523808537,833,87,8,38
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold2.csv
new file mode 100644
index 0000000..d82531f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14fold2,0.8529026925103026,0.9954075774970154,0.7894736842096953,0.9774520856819642,0.9751552795030046,867,75,20,4
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold3.csv
new file mode 100644
index 0000000..7982315
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14fold3,0.8084336572394527,0.9667049368540795,0.9157894736832465,0.9905882352940011,0.9616977225671882,842,87,8,29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold4.csv
new file mode 100644
index 0000000..ccf0805
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14fold4,0.8047505731353811,0.9827784156141236,0.8105263157886204,0.9794050343248307,0.9658385093166701,856,77,18,15
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold5.csv
new file mode 100644
index 0000000..bd8e7a6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/metrics_model_14fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14fold5,0.7959353590782445,0.9701149425286241,0.8749999999990885,0.9859813084110998,0.9606625258798177,844,84,12,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold1.png
new file mode 100644
index 0000000..7953687
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold2.png
new file mode 100644
index 0000000..ce088c0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold3.png
new file mode 100644
index 0000000..59f643b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold4.png
new file mode 100644
index 0000000..4dca25b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold5.png
new file mode 100644
index 0000000..0b735df
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/roc_curve_model_14fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_14/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/trial_summary.json
new file mode 100644
index 0000000..40d32d3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_14/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 14,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.009242266545929516,
+ "decision_threshold": 0.6,
+ "hidden_dim": 108,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8071594825690209,
+ "mcc_scores": [
+ 0.7737751308817236,
+ 0.8529026925103026,
+ 0.8084336572394527,
+ 0.8047505731353811,
+ 0.7959353590782445
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold1.txt
new file mode 100644
index 0000000..cb76f81
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.66 0.96 0.78 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.83 0.95 0.88 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold2.txt
new file mode 100644
index 0000000..6a62eb7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.93 0.81 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.94 0.89 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold3.txt
new file mode 100644
index 0000000..9cbe94a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.93 0.83 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.95 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold4.txt
new file mode 100644
index 0000000..89a2379
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 0.96 0.82 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.96 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold5.txt
new file mode 100644
index 0000000..9e0aff5
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/classification_report_model_15fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 1.00 0.86 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.88 0.98 0.92 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold1.png
new file mode 100644
index 0000000..dfdff2f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold2.png
new file mode 100644
index 0000000..bef9b72
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold3.png
new file mode 100644
index 0000000..9f27f45
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold4.png
new file mode 100644
index 0000000..d94452a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold5.png
new file mode 100644
index 0000000..aad4400
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/confusion_matrix_model_15fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold1.png
new file mode 100644
index 0000000..83796d6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold2.png
new file mode 100644
index 0000000..a45f6e3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold3.png
new file mode 100644
index 0000000..feb457c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold4.png
new file mode 100644
index 0000000..153c68e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold5.png
new file mode 100644
index 0000000..1360cbc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/loss_curve_model_15fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold1.csv
new file mode 100644
index 0000000..0f86bfd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold1,0.772540400932249,0.9471871412168832,0.9578947368410969,0.9951749095294335,0.9482401656313718,825,91,4,46
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold2.csv
new file mode 100644
index 0000000..f5427a4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold2,0.7953907403756062,0.9609644087254924,0.9263157894727091,0.9917061611373232,0.9575569358177062,837,88,7,34
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold3.csv
new file mode 100644
index 0000000..a094863
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold3,0.8110260095615549,0.9655568312283621,0.9263157894727091,0.9917452830187509,0.9616977225671882,841,88,7,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold4.csv
new file mode 100644
index 0000000..7465429
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold4,0.804010701369619,0.9575200918483401,0.9578947368410969,0.9952267303101437,0.9575569358177062,834,91,4,37
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold5.csv
new file mode 100644
index 0000000..079e9fb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/metrics_model_15fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15fold5,0.8576900278702358,0.9655172413791994,0.9999999999989583,0.9999999999998809,0.9689440993787817,840,96,0,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold1.png
new file mode 100644
index 0000000..8b8a3bc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold2.png
new file mode 100644
index 0000000..a64ad2d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold3.png
new file mode 100644
index 0000000..89fef58
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold4.png
new file mode 100644
index 0000000..7a5a7a6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold5.png
new file mode 100644
index 0000000..5b725bf
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/roc_curve_model_15fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_15/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/trial_summary.json
new file mode 100644
index 0000000..c92e6b4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_15/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 15,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.00028417318463274337,
+ "decision_threshold": 0.6,
+ "hidden_dim": 76,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.808131576021853,
+ "mcc_scores": [
+ 0.772540400932249,
+ 0.7953907403756062,
+ 0.8110260095615549,
+ 0.804010701369619,
+ 0.8576900278702358
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold1.txt
new file mode 100644
index 0000000..1ad148b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.80 0.96 0.87 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold2.txt
new file mode 100644
index 0000000..9de29ff
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.93 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.95 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold3.txt
new file mode 100644
index 0000000..7cbb508
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.92 0.87 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.91 0.95 0.93 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold4.txt
new file mode 100644
index 0000000..8b98a76
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.87 0.95 0.91 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.93 0.97 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold5.txt
new file mode 100644
index 0000000..d619319
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/classification_report_model_16fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.87 0.95 0.91 96
+ 1 0.99 0.98 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.93 0.97 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold1.png
new file mode 100644
index 0000000..03abf8d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold2.png
new file mode 100644
index 0000000..cc1fc13
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold3.png
new file mode 100644
index 0000000..8bd389f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold4.png
new file mode 100644
index 0000000..e515d61
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold5.png
new file mode 100644
index 0000000..f944aea
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/confusion_matrix_model_16fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold1.png
new file mode 100644
index 0000000..f7a28ec
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold2.png
new file mode 100644
index 0000000..f896400
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold3.png
new file mode 100644
index 0000000..4c283b9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold4.png
new file mode 100644
index 0000000..782541a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold5.png
new file mode 100644
index 0000000..1aafddc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/loss_curve_model_16fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold1.csv
new file mode 100644
index 0000000..9afbac2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16fold1,0.8597576817949277,0.9735935706083841,0.9578947368410969,0.995305164319132,0.9720496894408931,848,91,4,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold2.csv
new file mode 100644
index 0000000..0ee71ae
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16fold2,0.8232542482206734,0.9690011481055144,0.9263157894727091,0.9917743830786143,0.9648033126292996,844,88,7,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold3.csv
new file mode 100644
index 0000000..29a0ae4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16fold3,0.856362515085007,0.9793340987369713,0.9157894736832465,0.9907084785132414,0.9730848861282636,853,87,8,18
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold4.csv
new file mode 100644
index 0000000..06c5702
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16fold4,0.8996408873166448,0.9850746268655585,0.9473684210516343,0.9942062572420632,0.9813664596272276,858,90,5,13
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold5.csv
new file mode 100644
index 0000000..34858f0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/metrics_model_16fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16fold5,0.8956395057652659,0.9839080459768984,0.9479166666656792,0.9941927990707323,0.9803312629398571,856,91,5,14
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold1.png
new file mode 100644
index 0000000..b6eb8fb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold2.png
new file mode 100644
index 0000000..759e2ea
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold3.png
new file mode 100644
index 0000000..c37dcbc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold4.png
new file mode 100644
index 0000000..f60c9ea
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold5.png
new file mode 100644
index 0000000..cf4b844
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/roc_curve_model_16fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_16/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/trial_summary.json
new file mode 100644
index 0000000..81b98aa
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_16/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 16,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0011754218118493927,
+ "decision_threshold": 0.5,
+ "hidden_dim": 104,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8669309676365037,
+ "mcc_scores": [
+ 0.8597576817949277,
+ 0.8232542482206734,
+ 0.856362515085007,
+ 0.8996408873166448,
+ 0.8956395057652659
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold1.txt
new file mode 100644
index 0000000..6c5c7b6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.85 0.81 95
+ 1 0.98 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.91 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold2.txt
new file mode 100644
index 0000000..0ee7019
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 0.95 0.81 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.95 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold3.txt
new file mode 100644
index 0000000..741e2a7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.87 0.81 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.92 0.90 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold4.txt
new file mode 100644
index 0000000..ac95143
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.80 0.80 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.89 0.89 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold5.txt
new file mode 100644
index 0000000..a2282c1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/classification_report_model_17fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.97 0.86 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.97 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold1.png
new file mode 100644
index 0000000..20d07c3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold2.png
new file mode 100644
index 0000000..f2a48d8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold3.png
new file mode 100644
index 0000000..0f967ee
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold4.png
new file mode 100644
index 0000000..7abce43
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold5.png
new file mode 100644
index 0000000..b730a5b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/confusion_matrix_model_17fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold1.png
new file mode 100644
index 0000000..55c15d8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold2.png
new file mode 100644
index 0000000..e9b2d4e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold3.png
new file mode 100644
index 0000000..7a99a17
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold4.png
new file mode 100644
index 0000000..b3b81f9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold5.png
new file mode 100644
index 0000000..3512599
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/loss_curve_model_17fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold1.csv
new file mode 100644
index 0000000..752f9cb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold1,0.7893491739555878,0.9724454649826667,0.8526315789464709,0.9837398373982597,0.9606625258798177,847,81,14,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold2.csv
new file mode 100644
index 0000000..593af52
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold2,0.8011091923846271,0.9586681974740575,0.9473684210516343,0.9940476190475006,0.9575569358177062,835,90,5,36
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold3.csv
new file mode 100644
index 0000000..ad5b703
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold3,0.7941891775198683,0.9701492537312318,0.8736842105253961,0.9859976662775979,0.9606625258798177,845,83,12,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold4.csv
new file mode 100644
index 0000000..5517c88
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold4,0.783019160742372,0.9793340987369713,0.7999999999991578,0.9782110091741997,0.9616977225671882,853,76,19,18
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold5.csv
new file mode 100644
index 0000000..ecc4e8e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/metrics_model_17fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17fold5,0.8505317710299986,0.9689655172412679,0.9687499999989909,0.996453900709102,0.9689440993787817,843,93,3,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold1.png
new file mode 100644
index 0000000..4ae0d92
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold2.png
new file mode 100644
index 0000000..9e86668
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold3.png
new file mode 100644
index 0000000..d5f48f0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold4.png
new file mode 100644
index 0000000..ef5ff30
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold5.png
new file mode 100644
index 0000000..cfc2d5f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/roc_curve_model_17fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_17/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/trial_summary.json
new file mode 100644
index 0000000..3922df7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_17/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 17,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.00034671523941813656,
+ "decision_threshold": 0.6,
+ "hidden_dim": 107,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8036396951264907,
+ "mcc_scores": [
+ 0.7893491739555878,
+ 0.8011091923846271,
+ 0.7941891775198683,
+ 0.783019160742372,
+ 0.8505317710299986
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold1.txt
new file mode 100644
index 0000000..291a922
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.73 0.93 0.81 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.94 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold2.txt
new file mode 100644
index 0000000..78152c2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.87 0.82 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.92 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold3.txt
new file mode 100644
index 0000000..5b0327a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.97 0.85 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.97 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold4.txt
new file mode 100644
index 0000000..290fee1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.87 0.64 0.74 95
+ 1 0.96 0.99 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.92 0.82 0.86 966
+weighted avg 0.95 0.96 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold5.txt
new file mode 100644
index 0000000..e1da848
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/classification_report_model_18fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.96 0.86 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.96 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold1.png
new file mode 100644
index 0000000..a08f69b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold2.png
new file mode 100644
index 0000000..f9d3fbe
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold3.png
new file mode 100644
index 0000000..d9c23c5
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold4.png
new file mode 100644
index 0000000..f175cee
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold5.png
new file mode 100644
index 0000000..caa2d23
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/confusion_matrix_model_18fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold1.png
new file mode 100644
index 0000000..c32366a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold2.png
new file mode 100644
index 0000000..37c0b64
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold3.png
new file mode 100644
index 0000000..b325b18
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold4.png
new file mode 100644
index 0000000..0cec661
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold5.png
new file mode 100644
index 0000000..115f0ff
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/loss_curve_model_18fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold1.csv
new file mode 100644
index 0000000..dde273a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold1,0.7992308267405099,0.9621125143512098,0.9263157894727091,0.9917159763312435,0.9585921325050767,838,88,7,33
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold2.csv
new file mode 100644
index 0000000..66d3b12
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold2,0.8028221316424139,0.9724454649826667,0.8736842105253961,0.9860302677530866,0.9627329192545587,847,83,12,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold3.csv
new file mode 100644
index 0000000..6496740
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold3,0.8412401028484817,0.9667049368540795,0.9684210526305596,0.9964497041418938,0.9668737060040407,842,92,3,29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold4.csv
new file mode 100644
index 0000000..0f13c79
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold4,0.7256520797478272,0.9896670493684282,0.6421052631572188,0.962053571428464,0.9554865424429653,862,61,34,9
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold5.csv
new file mode 100644
index 0000000..34ee066
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/metrics_model_18fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18fold5,0.8482307787058654,0.9701149425286241,0.9583333333323351,0.9952830188678071,0.9689440993787817,844,92,4,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold1.png
new file mode 100644
index 0000000..dcecee9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold2.png
new file mode 100644
index 0000000..03d3855
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold3.png
new file mode 100644
index 0000000..a45ae9f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold4.png
new file mode 100644
index 0000000..0da6a79
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold5.png
new file mode 100644
index 0000000..593fc21
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/roc_curve_model_18fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_18/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/trial_summary.json
new file mode 100644
index 0000000..3cfe8ff
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_18/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 18,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.004383996475502374,
+ "decision_threshold": 0.5,
+ "hidden_dim": 168,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8034351839370195,
+ "mcc_scores": [
+ 0.7992308267405099,
+ 0.8028221316424139,
+ 0.8412401028484817,
+ 0.7256520797478272,
+ 0.8482307787058654
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold1.txt
new file mode 100644
index 0000000..1a5cd0c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.86 0.92 0.89 95
+ 1 0.99 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.93 0.95 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold2.txt
new file mode 100644
index 0000000..b948b39
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.91 0.86 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.91 0.94 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold3.txt
new file mode 100644
index 0000000..124f101
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.84 0.88 0.86 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.91 0.93 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold4.txt
new file mode 100644
index 0000000..700ddd8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.85 0.87 0.86 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.92 0.93 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold5.txt
new file mode 100644
index 0000000..9f77b4a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/classification_report_model_19fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.80 0.93 0.86 96
+ 1 0.99 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.90 0.95 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold1.png
new file mode 100644
index 0000000..e30d5d4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold2.png
new file mode 100644
index 0000000..2e76123
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold3.png
new file mode 100644
index 0000000..20bea34
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold4.png
new file mode 100644
index 0000000..6c3d1d0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold5.png
new file mode 100644
index 0000000..608bc75
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/confusion_matrix_model_19fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold1.png
new file mode 100644
index 0000000..0350c4f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold2.png
new file mode 100644
index 0000000..44714d3
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold3.png
new file mode 100644
index 0000000..71155cd
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold4.png
new file mode 100644
index 0000000..2b4043b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold5.png
new file mode 100644
index 0000000..7ed0cab
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/loss_curve_model_19fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold1.csv
new file mode 100644
index 0000000..e7922e4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold1,0.8756036854259059,0.983926521239841,0.9157894736832465,0.9907514450865906,0.9772256728777455,857,87,8,14
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold2.csv
new file mode 100644
index 0000000..6e67d38
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold2,0.8498576063422171,0.9793340987369713,0.9052631578937839,0.9895591647330638,0.9720496894408931,853,86,9,18
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold3.csv
new file mode 100644
index 0000000..aabc8ad
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold3,0.8463500010074907,0.9816303099884062,0.8842105263148587,0.987297921477946,0.9720496894408931,855,84,11,16
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold4.csv
new file mode 100644
index 0000000..cfdce7e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold4,0.8447075888839577,0.9827784156141236,0.8736842105253961,0.9861751152072596,0.9720496894408931,856,83,12,15
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold5.csv
new file mode 100644
index 0000000..fd39a7e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/metrics_model_19fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19fold5,0.8459778450216314,0.9747126436780489,0.9270833333323676,0.99181286549696,0.9699792960661522,848,89,7,22
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold1.png
new file mode 100644
index 0000000..dfbd07a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold2.png
new file mode 100644
index 0000000..95ad9fb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold3.png
new file mode 100644
index 0000000..c9231d7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold4.png
new file mode 100644
index 0000000..c9eb396
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold5.png
new file mode 100644
index 0000000..b959ab1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/roc_curve_model_19fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_19/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/trial_summary.json
new file mode 100644
index 0000000..88a37fb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_19/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 19,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0014788973238345899,
+ "decision_threshold": 0.6,
+ "hidden_dim": 104,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8524993453362406,
+ "mcc_scores": [
+ 0.8756036854259059,
+ 0.8498576063422171,
+ 0.8463500010074907,
+ 0.8447075888839577,
+ 0.8459778450216314
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold1.txt
new file mode 100644
index 0000000..efe0786
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.65 0.98 0.78 95
+ 1 1.00 0.94 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.82 0.96 0.87 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold2.txt
new file mode 100644
index 0000000..914cbaa
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.64 0.94 0.76 95
+ 1 0.99 0.94 0.97 871
+
+ accuracy 0.94 966
+ macro avg 0.82 0.94 0.87 966
+weighted avg 0.96 0.94 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold3.txt
new file mode 100644
index 0000000..8f6a7d7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.99 0.82 95
+ 1 1.00 0.95 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.97 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold4.txt
new file mode 100644
index 0000000..d78d30a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.97 0.81 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.96 0.89 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold5.txt
new file mode 100644
index 0000000..cdd1bb2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/classification_report_model_2fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.99 0.87 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.98 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold1.png
new file mode 100644
index 0000000..845ecc4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold2.png
new file mode 100644
index 0000000..5a25afe
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold3.png
new file mode 100644
index 0000000..71d49e1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold4.png
new file mode 100644
index 0000000..8a19400
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold5.png
new file mode 100644
index 0000000..d0eacdf
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/confusion_matrix_model_2fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold1.png
new file mode 100644
index 0000000..2265e1c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold2.png
new file mode 100644
index 0000000..46fd26b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold3.png
new file mode 100644
index 0000000..e0779c4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold4.png
new file mode 100644
index 0000000..7241a06
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold5.png
new file mode 100644
index 0000000..9d5867d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/loss_curve_model_2fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold1.csv
new file mode 100644
index 0000000..d7574b2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold1,0.7695334376382393,0.941446613088296,0.9789473684200222,0.9975669099755476,0.9451345755692603,820,93,2,51
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold2.csv
new file mode 100644
index 0000000..3a17ad2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold2,0.7493546682828323,0.9437428243397309,0.9368421052621717,0.9927536231882859,0.9430641821945193,822,89,6,49
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold3.csv
new file mode 100644
index 0000000..3af6091
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold3,0.8128707340856638,0.9540757749711878,0.9894736842094848,0.9987980769229569,0.9575569358177062,831,94,1,40
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold4.csv
new file mode 100644
index 0000000..c4b82a3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold4,0.8033356620207478,0.9552238805969052,0.9684210526305596,0.9964071856286232,0.9565217391303357,832,92,3,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold5.csv
new file mode 100644
index 0000000..7453510
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/metrics_model_2fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2fold5,0.8592549886606822,0.9678160919539117,0.9895833333323025,0.9988137603794781,0.9699792960661522,842,95,1,28
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold1.png
new file mode 100644
index 0000000..b067b87
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold2.png
new file mode 100644
index 0000000..32c7104
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold3.png
new file mode 100644
index 0000000..6032950
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold4.png
new file mode 100644
index 0000000..78f59af
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold5.png
new file mode 100644
index 0000000..cbfec8a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/roc_curve_model_2fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_2/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/trial_summary.json
new file mode 100644
index 0000000..f033873
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_2/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 2,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.0016732891583223755,
+ "decision_threshold": 0.9,
+ "hidden_dim": 146,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.798869898137633,
+ "mcc_scores": [
+ 0.7695334376382393,
+ 0.7493546682828323,
+ 0.8128707340856638,
+ 0.8033356620207478,
+ 0.8592549886606822
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold1.txt
new file mode 100644
index 0000000..86c13c9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.95 0.86 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.96 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold2.txt
new file mode 100644
index 0000000..b08caed
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.92 0.83 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.94 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold3.txt
new file mode 100644
index 0000000..3dc44ac
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.80 0.79 95
+ 1 0.98 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.89 0.88 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold4.txt
new file mode 100644
index 0000000..0e43141
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.93 0.90 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.96 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold5.txt
new file mode 100644
index 0000000..cdd1bb2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/classification_report_model_20fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.99 0.87 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.98 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold1.csv
new file mode 100644
index 0000000..87cd6c7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20fold1,0.8489822663528458,0.9724454649826667,0.9473684210516343,0.9941314553989443,0.9699792960661522,847,90,5,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold2.csv
new file mode 100644
index 0000000..9dead8b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20fold2,0.8166560200266003,0.9690011481055144,0.9157894736832465,0.9906103286383813,0.9637681159419291,844,87,8,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold3.csv
new file mode 100644
index 0000000..96d7c27
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20fold3,0.7641082673843624,0.9747416762341016,0.7999999999991578,0.9781105990782283,0.9575569358177062,849,76,19,22
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold4.csv
new file mode 100644
index 0000000..9160456
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20fold4,0.8919964808787003,0.9862227324912759,0.9263157894727091,0.9919168591222872,0.9803312629398571,859,88,7,12
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold5.csv
new file mode 100644
index 0000000..549f5b6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/metrics_model_20fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20fold5,0.8592549886606822,0.9678160919539117,0.9895833333323025,0.9988137603794781,0.9699792960661522,842,95,1,28
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_20/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/trial_summary.json
new file mode 100644
index 0000000..ea0dd82
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_20/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 20,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.009672786114207216,
+ "decision_threshold": 0.5,
+ "hidden_dim": 130,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8361996046606383,
+ "mcc_scores": [
+ 0.8489822663528458,
+ 0.8166560200266003,
+ 0.7641082673843624,
+ 0.8919964808787003,
+ 0.8592549886606822
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold1.txt
new file mode 100644
index 0000000..ddc3032
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.97 0.86 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.97 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold2.txt
new file mode 100644
index 0000000..d8a28d6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.91 0.83 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.94 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold3.txt
new file mode 100644
index 0000000..7b01571
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.84 0.93 0.88 95
+ 1 0.99 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.95 0.93 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold4.txt
new file mode 100644
index 0000000..4ea2f1c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.89 0.85 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.94 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold5.txt
new file mode 100644
index 0000000..41702aa
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/classification_report_model_21fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.85 0.89 0.87 96
+ 1 0.99 0.98 0.99 870
+
+ accuracy 0.97 966
+ macro avg 0.92 0.93 0.93 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold1.csv
new file mode 100644
index 0000000..d33ed8f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+21fold1,0.8452751141970423,0.967853042479797,0.9684210526305596,0.996453900709102,0.9679089026914112,843,92,3,28
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold2.csv
new file mode 100644
index 0000000..7308e8c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+21fold2,0.8184803140681179,0.9712973593569493,0.9052631578937839,0.9894736842104105,0.9648033126292996,846,86,9,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold3.csv
new file mode 100644
index 0000000..cc7f540
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+21fold3,0.8675314052732437,0.9804822043626887,0.9263157894727091,0.9918699186990717,0.9751552795030046,854,88,7,17
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold4.csv
new file mode 100644
index 0000000..e6815f4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+21fold4,0.8386416594636092,0.9781859931112539,0.8947368421043214,0.9883990719256394,0.9699792960661522,852,85,10,19
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold5.csv
new file mode 100644
index 0000000..9595aa1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/metrics_model_21fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+21fold5,0.8525968353108436,0.9827586206895421,0.8854166666657444,0.987297921477946,0.9730848861282636,855,85,11,15
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_21/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/trial_summary.json
new file mode 100644
index 0000000..ad2deaa
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_21/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 21,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0019385471590507187,
+ "decision_threshold": 0.6,
+ "hidden_dim": 102,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8445050656625714,
+ "mcc_scores": [
+ 0.8452751141970423,
+ 0.8184803140681179,
+ 0.8675314052732437,
+ 0.8386416594636092,
+ 0.8525968353108436
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold1.txt
new file mode 100644
index 0000000..9db6eb6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.95 0.86 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.96 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold2.txt
new file mode 100644
index 0000000..1ad148b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.80 0.96 0.87 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold3.txt
new file mode 100644
index 0000000..4287365
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.84 0.87 0.86 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.91 0.93 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold4.txt
new file mode 100644
index 0000000..4668c02
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.96 0.88 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.97 0.93 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold5.txt
new file mode 100644
index 0000000..118f4a0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/classification_report_model_22fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.84 0.97 0.90 96
+ 1 1.00 0.98 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.92 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold1.csv
new file mode 100644
index 0000000..42ce183
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold1,0.844723778444373,0.9712973593569493,0.9473684210516343,0.9941245593418337,0.9689440993787817,846,90,5,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold2.csv
new file mode 100644
index 0000000..49e0330
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold2,0.8597576817949277,0.9735935706083841,0.9578947368410969,0.995305164319132,0.9720496894408931,848,91,4,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold3.csv
new file mode 100644
index 0000000..887bc64
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold3,0.8397878347981343,0.9816303099884062,0.8736842105253961,0.9861591695500592,0.9710144927535226,855,83,12,16
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold4.csv
new file mode 100644
index 0000000..12049b2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold4,0.8729847317233137,0.9770378874855364,0.9578947368410969,0.9953216374267841,0.9751552795030046,851,91,4,20
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold5.csv
new file mode 100644
index 0000000..cf57489
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/metrics_model_22fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+22fold5,0.8893786043774772,0.9793103448274736,0.9687499999989909,0.9964912280700589,0.978260869565116,852,93,3,18
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_22/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/trial_summary.json
new file mode 100644
index 0000000..9027439
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_22/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 22,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0013038862806190213,
+ "decision_threshold": 0.6,
+ "hidden_dim": 98,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8613265262276453,
+ "mcc_scores": [
+ 0.844723778444373,
+ 0.8597576817949277,
+ 0.8397878347981343,
+ 0.8729847317233137,
+ 0.8893786043774772
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold1.txt
new file mode 100644
index 0000000..c55267e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.73 0.97 0.83 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.96 0.91 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold2.txt
new file mode 100644
index 0000000..26cc388
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.85 0.82 95
+ 1 0.98 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.89 0.91 0.90 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold3.txt
new file mode 100644
index 0000000..57425dd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.86 0.84 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.92 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold4.txt
new file mode 100644
index 0000000..4dd51a7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.85 0.81 0.83 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.91 0.90 0.90 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold5.txt
new file mode 100644
index 0000000..de7c1e8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/classification_report_model_23fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.93 0.85 96
+ 1 0.99 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.95 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold1.csv
new file mode 100644
index 0000000..20c7c2d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold1,0.8217540231127463,0.9609644087254924,0.9684210526305596,0.9964285714284528,0.9616977225671882,837,92,3,34
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold2.csv
new file mode 100644
index 0000000..002f57e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold2,0.7982673162670575,0.9747416762341016,0.8526315789464709,0.9837775202779856,0.9627329192545587,849,81,14,22
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold3.csv
new file mode 100644
index 0000000..226a9b7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold3,0.8235267610718858,0.9793340987369713,0.8631578947359335,0.9849884526557754,0.9679089026914112,853,82,13,18
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold4.csv
new file mode 100644
index 0000000..e1cd760
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold4,0.8098680718795904,0.983926521239841,0.8105263157886204,0.9794285714284594,0.9668737060040407,857,77,18,14
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold5.csv
new file mode 100644
index 0000000..61dfa48
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/metrics_model_23fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+23fold5,0.8330431173499183,0.9712643678159802,0.9270833333323676,0.991784037558569,0.9668737060040407,845,89,7,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_23/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/trial_summary.json
new file mode 100644
index 0000000..e9bdaf9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_23/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 23,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0005385620974134254,
+ "decision_threshold": 0.5,
+ "hidden_dim": 77,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8172918579362397,
+ "mcc_scores": [
+ 0.8217540231127463,
+ 0.7982673162670575,
+ 0.8235267610718858,
+ 0.8098680718795904,
+ 0.8330431173499183
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold1.txt
new file mode 100644
index 0000000..44c851e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.95 0.85 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.96 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold2.txt
new file mode 100644
index 0000000..6ff8756
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.77 0.78 95
+ 1 0.97 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.87 0.88 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold3.txt
new file mode 100644
index 0000000..7a12729
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.87 0.83 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.92 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold4.txt
new file mode 100644
index 0000000..798aceb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.97 0.89 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold5.txt
new file mode 100644
index 0000000..cd39271
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/classification_report_model_24fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 1.00 0.86 96
+ 1 1.00 0.96 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.88 0.98 0.92 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold1.csv
new file mode 100644
index 0000000..0d5eb40
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+24fold1,0.8405176968258778,0.9701492537312318,0.9473684210516343,0.9941176470587065,0.9679089026914112,845,90,5,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold2.csv
new file mode 100644
index 0000000..353caaf
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+24fold2,0.7525684571528932,0.9770378874855364,0.7684210526307701,0.9747995418097394,0.9565217391303357,851,73,22,20
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold3.csv
new file mode 100644
index 0000000..980b297
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+24fold3,0.8072248808942829,0.9735935706083841,0.8736842105253961,0.9860465116277922,0.9637681159419291,848,83,12,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold4.csv
new file mode 100644
index 0000000..482023e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+24fold4,0.8793780200754969,0.9770378874855364,0.9684210526305596,0.9964871194378224,0.9761904761903751,851,92,3,20
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold5.csv
new file mode 100644
index 0000000..863277c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/metrics_model_24fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+24fold5,0.8499492885481158,0.9632183908044869,0.9999999999989583,0.9999999999998807,0.9668737060040407,838,96,0,32
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_24/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/trial_summary.json
new file mode 100644
index 0000000..fb7b456
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_24/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 24,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0011720511655283756,
+ "decision_threshold": 0.6,
+ "hidden_dim": 121,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8259276686993333,
+ "mcc_scores": [
+ 0.8405176968258778,
+ 0.7525684571528932,
+ 0.8072248808942829,
+ 0.8793780200754969,
+ 0.8499492885481158
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold1.txt
new file mode 100644
index 0000000..21013a4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.88 0.85 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.93 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold2.txt
new file mode 100644
index 0000000..86c13c9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.95 0.86 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.96 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold3.txt
new file mode 100644
index 0000000..0b221f1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.81 0.84 95
+ 1 0.98 0.99 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.93 0.90 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold4.txt
new file mode 100644
index 0000000..6ea0bde
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.88 0.80 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.92 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold5.txt
new file mode 100644
index 0000000..86e2c1d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/classification_report_model_25fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 1.00 0.86 96
+ 1 1.00 0.96 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.88 0.98 0.92 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold1.csv
new file mode 100644
index 0000000..589ca4d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold1,0.8320585066169199,0.9781859931112539,0.8842105263148587,0.9872537659326781,0.9689440993787817,852,84,11,19
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold2.csv
new file mode 100644
index 0000000..41a1c4b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold2,0.8489822663528458,0.9724454649826667,0.9473684210516343,0.9941314553989443,0.9699792960661522,847,90,5,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold3.csv
new file mode 100644
index 0000000..5d27448
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold3,0.8257131519156534,0.9873708381169933,0.8105263157886204,0.9794988610477244,0.9699792960661522,860,77,18,11
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold4.csv
new file mode 100644
index 0000000..4998b31
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold4,0.7843297737003548,0.9655568312283621,0.8842105263148587,0.9870892018778183,0.9575569358177062,841,84,11,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold5.csv
new file mode 100644
index 0000000..7fb0618
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/metrics_model_25fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+25fold5,0.8537979547861821,0.9643678160918431,0.9999999999989583,0.9999999999998808,0.9679089026914112,839,96,0,31
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_25/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/trial_summary.json
new file mode 100644
index 0000000..ebf732d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_25/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 25,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.0030193156440540742,
+ "decision_threshold": 0.5,
+ "hidden_dim": 98,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8289763306743912,
+ "mcc_scores": [
+ 0.8320585066169199,
+ 0.8489822663528458,
+ 0.8257131519156534,
+ 0.7843297737003548,
+ 0.8537979547861821
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold1.txt
new file mode 100644
index 0000000..cb76f81
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.66 0.96 0.78 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.83 0.95 0.88 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold2.txt
new file mode 100644
index 0000000..da75512
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.91 0.79 95
+ 1 0.99 0.96 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.93 0.88 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold3.txt
new file mode 100644
index 0000000..ac95143
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.80 0.80 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.89 0.89 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold4.txt
new file mode 100644
index 0000000..95a51b3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.85 0.81 95
+ 1 0.98 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.91 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold5.txt
new file mode 100644
index 0000000..42e875c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/classification_report_model_26fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.97 0.89 96
+ 1 1.00 0.98 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.91 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold1.csv
new file mode 100644
index 0000000..cfbb525
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold1,0.772540400932249,0.9471871412168832,0.9578947368410969,0.9951749095294335,0.9482401656313718,825,91,4,46
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold2.csv
new file mode 100644
index 0000000..48321dd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold2,0.770737060190893,0.9575200918483401,0.9052631578937839,0.9893238434162527,0.9523809523808537,834,86,9,37
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold3.csv
new file mode 100644
index 0000000..9830cb5
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold3,0.783019160742372,0.9793340987369713,0.7999999999991578,0.9782110091741997,0.9616977225671882,853,76,19,18
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold4.csv
new file mode 100644
index 0000000..4bd910c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold4,0.7849797951710024,0.9712973593569493,0.8526315789464709,0.9837209302324437,0.9596273291924472,846,81,14,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold5.csv
new file mode 100644
index 0000000..64f7bb6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/metrics_model_26fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+26fold5,0.8759443382674191,0.9758620689654051,0.9687499999989909,0.9964788732393196,0.9751552795030046,849,93,3,21
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_26/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/trial_summary.json
new file mode 100644
index 0000000..66ca4ae
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_26/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 26,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0001925228921052992,
+ "decision_threshold": 0.6,
+ "hidden_dim": 75,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.797444151060787,
+ "mcc_scores": [
+ 0.772540400932249,
+ 0.770737060190893,
+ 0.783019160742372,
+ 0.7849797951710024,
+ 0.8759443382674191
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold1.txt
new file mode 100644
index 0000000..7b075c8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.91 0.80 95
+ 1 0.99 0.96 0.97 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.93 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold2.txt
new file mode 100644
index 0000000..90eae99
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.68 0.95 0.79 95
+ 1 0.99 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.95 0.88 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold3.txt
new file mode 100644
index 0000000..b0c5ec6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.80 0.83 0.81 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.89 0.90 0.90 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold4.txt
new file mode 100644
index 0000000..d6be70a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.80 0.84 0.82 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.89 0.91 0.90 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold5.txt
new file mode 100644
index 0000000..023014f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/classification_report_model_27fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.85 0.96 0.90 96
+ 1 1.00 0.98 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.92 0.97 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold1.csv
new file mode 100644
index 0000000..f46b6bb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold1,0.782036594965758,0.9609644087254924,0.9052631578937839,0.9893617021275426,0.9554865424429653,837,86,9,34
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold2.csv
new file mode 100644
index 0000000..1ffd535
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold2,0.7795286195610701,0.9517795637197529,0.9473684210516343,0.9940047961629503,0.9513457556934832,829,90,5,42
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold3.csv
new file mode 100644
index 0000000..1f72753
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold3,0.7939378610276288,0.9770378874855364,0.8315789473675457,0.9815455594001175,0.9627329192545587,851,79,16,20
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold4.csv
new file mode 100644
index 0000000..e755baf
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold4,0.8007035211362811,0.9770378874855364,0.8421052631570083,0.9826789838336047,0.9637681159419291,851,80,15,20
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold5.csv
new file mode 100644
index 0000000..29760f8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/metrics_model_27fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+27fold5,0.8923619037625814,0.9816091954021859,0.9583333333323351,0.9953379953378793,0.9792960662524866,854,92,4,16
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_27/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/trial_summary.json
new file mode 100644
index 0000000..4a20d3a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_27/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 27,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0005163819971314824,
+ "decision_threshold": 0.5,
+ "hidden_dim": 135,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8097137000906638,
+ "mcc_scores": [
+ 0.782036594965758,
+ 0.7795286195610701,
+ 0.7939378610276288,
+ 0.8007035211362811,
+ 0.8923619037625814
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold1.txt
new file mode 100644
index 0000000..3191f85
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.37 0.51 95
+ 1 0.94 0.99 0.96 871
+
+ accuracy 0.93 966
+ macro avg 0.88 0.68 0.74 966
+weighted avg 0.93 0.93 0.92 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold2.txt
new file mode 100644
index 0000000..f2646ee
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.95 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.96 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold3.txt
new file mode 100644
index 0000000..99f9b0d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.91 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.94 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold4.txt
new file mode 100644
index 0000000..cf5c1a2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.97 0.84 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.97 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold5.txt
new file mode 100644
index 0000000..abb921a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/classification_report_model_28fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.97 0.87 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold1.csv
new file mode 100644
index 0000000..80307f0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+28fold1,0.526230635995658,0.9919632606198631,0.3684210526311911,0.9350649350648338,0.9306418219460734,864,35,60,7
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold2.csv
new file mode 100644
index 0000000..29421ef
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+28fold2,0.8241956077866142,0.9655568312283621,0.9473684210516343,0.9940898345152489,0.9637681159419291,841,90,5,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold3.csv
new file mode 100644
index 0000000..fb31458
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+28fold3,0.8227881348424613,0.9724454649826667,0.9052631578937839,0.9894859813082956,0.9658385093166701,847,86,9,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold4.csv
new file mode 100644
index 0000000..1ed58bf
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+28fold4,0.8333106619175311,0.9644087256026447,0.9684210526305596,0.9964412811386718,0.9648033126292996,840,92,3,31
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold5.csv
new file mode 100644
index 0000000..15a4d8b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/metrics_model_28fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+28fold5,0.8587975657200749,0.9712643678159802,0.9687499999989909,0.9964622641508258,0.9710144927535226,845,93,3,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_28/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/trial_summary.json
new file mode 100644
index 0000000..1784e84
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_28/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 28,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.006160739882437236,
+ "decision_threshold": 0.6,
+ "hidden_dim": 178,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.7730645212524678,
+ "mcc_scores": [
+ 0.526230635995658,
+ 0.8241956077866142,
+ 0.8227881348424613,
+ 0.8333106619175311,
+ 0.8587975657200749
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold1.txt
new file mode 100644
index 0000000..0c9c876
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.65 0.95 0.77 95
+ 1 0.99 0.94 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.82 0.95 0.87 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold2.txt
new file mode 100644
index 0000000..917a9cf
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.65 0.97 0.78 95
+ 1 1.00 0.94 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.82 0.96 0.87 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold3.txt
new file mode 100644
index 0000000..5e538a5
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.98 0.89 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.98 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold4.txt
new file mode 100644
index 0000000..c7a82e6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.89 0.89 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.94 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold5.txt
new file mode 100644
index 0000000..47d7e60
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/classification_report_model_29fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.99 0.85 96
+ 1 1.00 0.96 0.98 870
+
+ accuracy 0.96 966
+ macro avg 0.87 0.98 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold1.csv
new file mode 100644
index 0000000..dcc64af
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+29fold1,0.759289294566885,0.9448909299654483,0.9473684210516343,0.9939613526568848,0.9451345755692603,823,90,5,48
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold2.csv
new file mode 100644
index 0000000..a2f502f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+29fold2,0.7661062362198037,0.9425947187140135,0.9684210526305596,0.9963592233008499,0.9451345755692603,821,92,3,50
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold3.csv
new file mode 100644
index 0000000..b897e4d
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+29fold3,0.8857442405353443,0.9770378874855364,0.9789473684200222,0.9976553341147716,0.9772256728777455,851,93,2,20
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold4.csv
new file mode 100644
index 0000000..4c375af
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+29fold4,0.8832557858480875,0.9885189437427108,0.8947368421043214,0.9885189437427108,0.9792960662524866,861,85,10,10
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold5.csv
new file mode 100644
index 0000000..e121a61
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/metrics_model_29fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+29fold5,0.8397433044001261,0.9620689655171307,0.9895833333323025,0.9988066825774464,0.9648033126292996,837,95,1,33
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_29/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/trial_summary.json
new file mode 100644
index 0000000..5fb3de2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_29/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 29,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.0010426148164504132,
+ "decision_threshold": 0.8,
+ "hidden_dim": 117,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8268277723140492,
+ "mcc_scores": [
+ 0.759289294566885,
+ 0.7661062362198037,
+ 0.8857442405353443,
+ 0.8832557858480875,
+ 0.8397433044001261
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold1.txt
new file mode 100644
index 0000000..ed166bd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 0.95 0.80 95
+ 1 0.99 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.95 0.89 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold2.txt
new file mode 100644
index 0000000..92f7660
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 0.96 0.81 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.96 0.89 966
+weighted avg 0.97 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold3.txt
new file mode 100644
index 0000000..a95c3e2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.91 0.82 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.94 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold4.txt
new file mode 100644
index 0000000..d7dbf62
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.93 0.85 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.95 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold5.txt
new file mode 100644
index 0000000..69e801b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/classification_report_model_3fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.93 0.82 96
+ 1 0.99 0.96 0.98 870
+
+ accuracy 0.96 966
+ macro avg 0.87 0.95 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold1.png
new file mode 100644
index 0000000..a4b37d8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold2.png
new file mode 100644
index 0000000..2434d20
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold3.png
new file mode 100644
index 0000000..32743e8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold4.png
new file mode 100644
index 0000000..3e6c959
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold5.png
new file mode 100644
index 0000000..c199322
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/confusion_matrix_model_3fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold1.png
new file mode 100644
index 0000000..3bd50b4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold2.png
new file mode 100644
index 0000000..951a016
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold3.png
new file mode 100644
index 0000000..90c92e0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold4.png
new file mode 100644
index 0000000..9f673ab
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold5.png
new file mode 100644
index 0000000..9e063ff
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/loss_curve_model_3fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold1.csv
new file mode 100644
index 0000000..1796cd9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold1,0.7865655334667568,0.9540757749711878,0.9473684210516343,0.9940191387558619,0.9534161490682243,831,90,5,40
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold2.csv
new file mode 100644
index 0000000..b06eacc
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold2,0.793181891108478,0.9540757749711878,0.9578947368410969,0.9952095808382041,0.9544513457555948,831,91,4,40
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold3.csv
new file mode 100644
index 0000000..9670072
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold3,0.8017847179969737,0.9667049368540795,0.9052631578937839,0.9894242068153949,0.9606625258798177,842,86,9,29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold4.csv
new file mode 100644
index 0000000..e9e0e3f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold4,0.8359441737009735,0.9724454649826667,0.9263157894727091,0.9918032786884085,0.9679089026914112,847,88,7,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold5.csv
new file mode 100644
index 0000000..af8dec6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/metrics_model_3fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3fold5,0.8085688153459933,0.9643678160918431,0.9270833333323676,0.9917257683213957,0.9606625258798177,839,89,7,31
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold1.png
new file mode 100644
index 0000000..063e8c6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold2.png
new file mode 100644
index 0000000..896291b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold3.png
new file mode 100644
index 0000000..e3a9451
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold4.png
new file mode 100644
index 0000000..327a654
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold5.png
new file mode 100644
index 0000000..f15e095
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/roc_curve_model_3fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_3/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/trial_summary.json
new file mode 100644
index 0000000..0195094
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_3/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 3,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.00013935596802635707,
+ "decision_threshold": 0.7,
+ "hidden_dim": 88,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.805209026323835,
+ "mcc_scores": [
+ 0.7865655334667568,
+ 0.793181891108478,
+ 0.8017847179969737,
+ 0.8359441737009735,
+ 0.8085688153459933
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold1.txt
new file mode 100644
index 0000000..d4084b3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.96 0.92 95
+ 1 1.00 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.97 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold2.txt
new file mode 100644
index 0000000..aec862f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.94 0.91 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.94 0.96 0.95 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold3.txt
new file mode 100644
index 0000000..cf5c1a2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.97 0.84 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.97 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold4.txt
new file mode 100644
index 0000000..23f2c59
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.93 0.84 0.88 95
+ 1 0.98 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.96 0.92 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold5.txt
new file mode 100644
index 0000000..b1189b9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/classification_report_model_30fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.75 0.79 0.77 96
+ 1 0.98 0.97 0.97 870
+
+ accuracy 0.95 966
+ macro avg 0.86 0.88 0.87 966
+weighted avg 0.95 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold1.csv
new file mode 100644
index 0000000..77b161b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+30fold1,0.9109046174332657,0.9862227324912759,0.9578947368410969,0.9953650057936274,0.9834368530019686,859,91,4,12
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold2.csv
new file mode 100644
index 0000000..891f97a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+30fold2,0.8983267813228911,0.9862227324912759,0.9368421052621717,0.993063583814914,0.9813664596272276,859,89,6,12
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold3.csv
new file mode 100644
index 0000000..e6ea2cb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+30fold3,0.8333106619175311,0.9644087256026447,0.9684210526305596,0.9964412811386718,0.9648033126292996,840,92,3,31
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold4.csv
new file mode 100644
index 0000000..d362996
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+30fold4,0.8733321559857248,0.9931113662455805,0.8421052631570083,0.9829545454544337,0.978260869565116,865,80,15,6
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold5.csv
new file mode 100644
index 0000000..4c9ad14
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/metrics_model_30fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+30fold5,0.7415983749819539,0.9701149425286241,0.791666666665842,0.9768518518517387,0.9523809523808537,844,76,20,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_30/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/trial_summary.json
new file mode 100644
index 0000000..7fbcef5
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_30/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 30,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0030485381622302877,
+ "decision_threshold": 0.5,
+ "hidden_dim": 95,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8514945183282734,
+ "mcc_scores": [
+ 0.9109046174332657,
+ 0.8983267813228911,
+ 0.8333106619175311,
+ 0.8733321559857248,
+ 0.7415983749819539
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold1.txt
new file mode 100644
index 0000000..9d81eb0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.61 0.98 0.75 95
+ 1 1.00 0.93 0.96 871
+
+ accuracy 0.94 966
+ macro avg 0.80 0.96 0.86 966
+weighted avg 0.96 0.94 0.94 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold2.txt
new file mode 100644
index 0000000..321178e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.82 0.78 95
+ 1 0.98 0.97 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.86 0.90 0.88 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold3.txt
new file mode 100644
index 0000000..6ea1617
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.85 0.82 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.89 0.91 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold4.txt
new file mode 100644
index 0000000..8aaf732
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.98 0.87 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold5.txt
new file mode 100644
index 0000000..abb921a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/classification_report_model_31fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.97 0.87 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold1.csv
new file mode 100644
index 0000000..7b5881b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+31fold1,0.7451692917225087,0.9322617680825566,0.9789473684200222,0.9975429975428749,0.9368530020702963,812,93,2,59
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold2.csv
new file mode 100644
index 0000000..aad601a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+31fold2,0.7558425033908781,0.9690011481055144,0.8210526315780831,0.9802555168407688,0.9544513457555948,844,78,17,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold3.csv
new file mode 100644
index 0000000..5aeda1b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+31fold3,0.8028189826726548,0.975889781859819,0.8526315789464709,0.9837962962961824,0.9637681159419291,850,81,14,21
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold4.csv
new file mode 100644
index 0000000..0b9dcab
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+31fold4,0.8599359833175864,0.9701492537312318,0.9789473684200222,0.9976387249113343,0.9710144927535226,845,93,2,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold5.csv
new file mode 100644
index 0000000..5cf75c1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/metrics_model_31fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+31fold5,0.8587975657200749,0.9712643678159802,0.9687499999989909,0.9964622641508258,0.9710144927535226,845,93,3,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_31/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/trial_summary.json
new file mode 100644
index 0000000..f4ba3ea
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_31/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 31,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.001420425414751518,
+ "decision_threshold": 0.6,
+ "hidden_dim": 113,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8045128653647406,
+ "mcc_scores": [
+ 0.7451692917225087,
+ 0.7558425033908781,
+ 0.8028189826726548,
+ 0.8599359833175864,
+ 0.8587975657200749
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold1.txt
new file mode 100644
index 0000000..9bbbc9c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.67 0.98 0.79 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.83 0.96 0.88 966
+weighted avg 0.97 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold2.txt
new file mode 100644
index 0000000..c7b20f0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.93 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.95 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold3.txt
new file mode 100644
index 0000000..7bf0e0b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.97 0.87 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold4.txt
new file mode 100644
index 0000000..785f21f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.98 0.85 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.97 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold5.txt
new file mode 100644
index 0000000..bf034da
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/classification_report_model_32fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 1.00 0.88 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.99 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold1.csv
new file mode 100644
index 0000000..ea3fc32
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+32fold1,0.7857507286712432,0.9471871412168832,0.9789473684200222,0.9975816203142687,0.9503105590061127,825,93,2,46
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold2.csv
new file mode 100644
index 0000000..b67d9f0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+32fold2,0.8274314354686821,0.9701492537312318,0.9263157894727091,0.991784037558569,0.9658385093166701,845,88,7,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold3.csv
new file mode 100644
index 0000000..37408f1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+32fold3,0.8619070565501613,0.9724454649826667,0.9684210526305596,0.9964705882351769,0.9720496894408931,847,92,3,24
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold4.csv
new file mode 100644
index 0000000..6abc7f4
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+32fold4,0.8359198876069646,0.9632606199769272,0.9789473684200222,0.9976218787156959,0.9648033126292996,839,93,2,32
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold5.csv
new file mode 100644
index 0000000..def02bd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/metrics_model_32fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+32fold5,0.8737099834067246,0.9701149425286241,0.9999999999989583,0.9999999999998814,0.9730848861282636,844,96,0,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_32/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/trial_summary.json
new file mode 100644
index 0000000..5ab8c41
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_32/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 32,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0008319852534948313,
+ "decision_threshold": 0.7,
+ "hidden_dim": 94,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8369438183407552,
+ "mcc_scores": [
+ 0.7857507286712432,
+ 0.8274314354686821,
+ 0.8619070565501613,
+ 0.8359198876069646,
+ 0.8737099834067246
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold1.txt
new file mode 100644
index 0000000..a48c431
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.91 0.81 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.93 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold2.txt
new file mode 100644
index 0000000..4d02551
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.92 0.85 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.94 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold3.txt
new file mode 100644
index 0000000..ddc3032
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.97 0.86 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.97 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold4.txt
new file mode 100644
index 0000000..167febe
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.97 0.89 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold5.txt
new file mode 100644
index 0000000..307b0e2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/classification_report_model_33fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.81 0.82 96
+ 1 0.98 0.98 0.98 870
+
+ accuracy 0.96 966
+ macro avg 0.90 0.90 0.90 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold1.csv
new file mode 100644
index 0000000..018f7d6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+33fold1,0.7937423154031699,0.9644087256026447,0.9052631578937839,0.9893992932861025,0.9585921325050767,840,86,9,31
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold2.csv
new file mode 100644
index 0000000..5f79db6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+33fold2,0.8337320576560242,0.9735935706083841,0.9157894736832465,0.9906542056073608,0.9679089026914112,848,87,8,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold3.csv
new file mode 100644
index 0000000..0ed4131
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+33fold3,0.849358287827986,0.9690011481055144,0.9684210526305596,0.9964580873670605,0.9689440993787817,844,92,3,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold4.csv
new file mode 100644
index 0000000..ad29b65
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+33fold4,0.8838856152543529,0.9781859931112539,0.9684210526305596,0.9964912280700589,0.9772256728777455,852,92,3,19
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold5.csv
new file mode 100644
index 0000000..404e02c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/metrics_model_33fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+33fold5,0.7966645954694175,0.9804597701148298,0.8124999999991537,0.9793340987369713,0.9637681159419291,853,78,18,17
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_33/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/trial_summary.json
new file mode 100644
index 0000000..3d09261
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_33/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 33,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0013095977980279525,
+ "decision_threshold": 0.6,
+ "hidden_dim": 84,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8314765743221901,
+ "mcc_scores": [
+ 0.7937423154031699,
+ 0.8337320576560242,
+ 0.849358287827986,
+ 0.8838856152543529,
+ 0.7966645954694175
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold1.txt
new file mode 100644
index 0000000..9c30abe
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.95 0.82 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.86 0.95 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold2.txt
new file mode 100644
index 0000000..0ee7019
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 0.95 0.81 95
+ 1 0.99 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.95 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold3.txt
new file mode 100644
index 0000000..ba4f0c0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.77 0.77 95
+ 1 0.97 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.87 0.87 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold4.txt
new file mode 100644
index 0000000..93ca7b2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.84 0.96 0.90 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.92 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold5.txt
new file mode 100644
index 0000000..8df9ad9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/classification_report_model_34fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.98 0.87 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold1.csv
new file mode 100644
index 0000000..fc1653f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+34fold1,0.8048475092443441,0.959816303099775,0.9473684210516343,0.994054696789418,0.9585921325050767,836,90,5,35
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold2.csv
new file mode 100644
index 0000000..e5bc36b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+34fold2,0.8011091923846271,0.9586681974740575,0.9473684210516343,0.9940476190475006,0.9575569358177062,835,90,5,36
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold3.csv
new file mode 100644
index 0000000..25fd69c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+34fold3,0.7478302898582825,0.975889781859819,0.7684210526307701,0.974770642201723,0.9554865424429653,850,73,22,21
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold4.csv
new file mode 100644
index 0000000..e74b2fb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+34fold4,0.8867326215068069,0.9804822043626887,0.9578947368410969,0.9953379953378793,0.978260869565116,854,91,4,17
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold5.csv
new file mode 100644
index 0000000..512c416
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/metrics_model_34fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+34fold5,0.8610225099509998,0.9701149425286241,0.9791666666656467,0.9976359338060286,0.9710144927535226,844,94,2,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_34/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/trial_summary.json
new file mode 100644
index 0000000..c5fa8db
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_34/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 34,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.0015667115689397063,
+ "decision_threshold": 0.7,
+ "hidden_dim": 72,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8203084245890121,
+ "mcc_scores": [
+ 0.8048475092443441,
+ 0.8011091923846271,
+ 0.7478302898582825,
+ 0.8867326215068069,
+ 0.8610225099509998
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold1.txt
new file mode 100644
index 0000000..13a8f6e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.65 0.59 0.62 95
+ 1 0.96 0.97 0.96 871
+
+ accuracy 0.93 966
+ macro avg 0.80 0.78 0.79 966
+weighted avg 0.93 0.93 0.93 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold2.txt
new file mode 100644
index 0000000..d35a599
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.89 0.83 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.93 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold3.txt
new file mode 100644
index 0000000..dee354c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.76 0.75 0.75 95
+ 1 0.97 0.97 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.86 0.86 0.86 966
+weighted avg 0.95 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold4.txt
new file mode 100644
index 0000000..0e4eba1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.83 0.83 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.91 0.91 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold5.txt
new file mode 100644
index 0000000..e07913e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/classification_report_model_35fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.96 0.89 96
+ 1 1.00 0.98 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.91 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold1.csv
new file mode 100644
index 0000000..e4f354c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+35fold1,0.5803596092577108,0.9655568312283621,0.5894736842099058,0.9556818181817095,0.9285714285713325,841,56,39,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold2.csv
new file mode 100644
index 0000000..8bede54
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+35fold2,0.8118442120288984,0.9712973593569493,0.8947368421043214,0.9883177570092303,0.9637681159419291,846,85,10,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold3.csv
new file mode 100644
index 0000000..5d46caa
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+35fold3,0.7243710426022228,0.9735935706083841,0.7473684210518449,0.972477064220072,0.9513457556934832,848,71,24,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold4.csv
new file mode 100644
index 0000000..51cf603
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+35fold4,0.81320925735694,0.9816303099884062,0.8315789473675457,0.9816303099884062,0.9668737060040407,855,79,16,16
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold5.csv
new file mode 100644
index 0000000..6b8196c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/metrics_model_35fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+35fold5,0.8785284145385157,0.9781609195401174,0.9583333333323351,0.9953216374267841,0.9761904761903751,851,92,4,19
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_35/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/trial_summary.json
new file mode 100644
index 0000000..db90188
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_35/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 35,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.0004241036159546243,
+ "decision_threshold": 0.5,
+ "hidden_dim": 126,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.7616625071568576,
+ "mcc_scores": [
+ 0.5803596092577108,
+ 0.8118442120288984,
+ 0.7243710426022228,
+ 0.81320925735694,
+ 0.8785284145385157
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold1.txt
new file mode 100644
index 0000000..4d562b2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 0.98 0.81 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.97 0.89 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold2.txt
new file mode 100644
index 0000000..cb520b8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.93 0.85 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.95 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold3.txt
new file mode 100644
index 0000000..661678c
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.79 0.79 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.88 0.88 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold4.txt
new file mode 100644
index 0000000..167febe
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.97 0.89 95
+ 1 1.00 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.97 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold5.txt
new file mode 100644
index 0000000..0a3a422
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/classification_report_model_36fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.81 0.99 0.89 96
+ 1 1.00 0.97 0.99 870
+
+ accuracy 0.98 966
+ macro avg 0.90 0.98 0.94 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold1.csv
new file mode 100644
index 0000000..c27e69b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+36fold1,0.8028131844644486,0.9529276693454704,0.9789473684200222,0.9975961538460338,0.9554865424429653,830,93,2,41
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold2.csv
new file mode 100644
index 0000000..3ab0767
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+36fold2,0.8316610239470263,0.9712973593569493,0.9263157894727091,0.9917936694019939,0.9668737060040407,846,88,7,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold3.csv
new file mode 100644
index 0000000..6bebe2a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+36fold3,0.7618042041293441,0.975889781859819,0.7894736842096953,0.9770114942527612,0.9575569358177062,850,75,20,21
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold4.csv
new file mode 100644
index 0000000..e0cdacb
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+36fold4,0.8838856152543529,0.9781859931112539,0.9684210526305596,0.9964912280700589,0.9772256728777455,852,92,3,19
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold5.csv
new file mode 100644
index 0000000..2dcb8ad
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/metrics_model_36fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+36fold5,0.879931139748494,0.9735632183906926,0.9895833333323025,0.9988207547168633,0.9751552795030046,847,95,1,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_36/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/trial_summary.json
new file mode 100644
index 0000000..5fe0d23
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_36/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 36,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.0007775863252818595,
+ "decision_threshold": 0.6,
+ "hidden_dim": 144,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8320190335087332,
+ "mcc_scores": [
+ 0.8028131844644486,
+ 0.8316610239470263,
+ 0.7618042041293441,
+ 0.8838856152543529,
+ 0.879931139748494
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold1.txt
new file mode 100644
index 0000000..d1dd640
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.94 0.80 95
+ 1 0.99 0.96 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.85 0.95 0.89 966
+weighted avg 0.96 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold2.txt
new file mode 100644
index 0000000..a10f8f5
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.96 0.81 95
+ 1 1.00 0.96 0.97 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.96 0.89 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold3.txt
new file mode 100644
index 0000000..255f74f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.85 0.84 95
+ 1 0.98 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.92 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold4.txt
new file mode 100644
index 0000000..86a12da
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 0.98 0.81 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.97 0.89 966
+weighted avg 0.97 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold5.txt
new file mode 100644
index 0000000..73df1e3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/classification_report_model_37fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 1.00 0.83 96
+ 1 1.00 0.96 0.98 870
+
+ accuracy 0.96 966
+ macro avg 0.86 0.98 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold1.csv
new file mode 100644
index 0000000..fa170f5
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+37fold1,0.7871248167591556,0.9563719862226226,0.9368421052621717,0.9928486293205014,0.9544513457555948,833,89,6,38
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold2.csv
new file mode 100644
index 0000000..1d915ba
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+37fold2,0.7967521845638059,0.9552238805969052,0.9578947368410969,0.9952153110046655,0.9554865424429653,832,91,4,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold3.csv
new file mode 100644
index 0000000..fcdb8cc
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+37fold3,0.8168628479128816,0.9793340987369713,0.8526315789464709,0.9838523644750883,0.9668737060040407,853,81,14,18
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold4.csv
new file mode 100644
index 0000000..a7ce69e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+37fold4,0.7993293598121279,0.9517795637197529,0.9789473684200222,0.9975932611310472,0.9544513457555948,829,93,2,42
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold5.csv
new file mode 100644
index 0000000..88b67ef
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/metrics_model_37fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+37fold5,0.824156366519786,0.9551724137929936,0.9999999999989583,0.9999999999998797,0.9596273291924472,831,96,0,39
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_37/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/trial_summary.json
new file mode 100644
index 0000000..600b48f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_37/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 37,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.5,
+ "learning_rate": 0.0017661948810803589,
+ "decision_threshold": 0.8,
+ "hidden_dim": 84,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8048451151135513,
+ "mcc_scores": [
+ 0.7871248167591556,
+ 0.7967521845638059,
+ 0.8168628479128816,
+ 0.7993293598121279,
+ 0.824156366519786
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold1.txt
new file mode 100644
index 0000000..88d6333
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.77 0.74 95
+ 1 0.97 0.97 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.85 0.87 0.86 966
+weighted avg 0.95 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold2.txt
new file mode 100644
index 0000000..0323ec5
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.94 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.88 0.95 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold3.txt
new file mode 100644
index 0000000..c587e2b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.74 0.78 95
+ 1 0.97 0.98 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.90 0.86 0.88 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold4.txt
new file mode 100644
index 0000000..fc39e7b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/classification_report_model_38fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.80 0.84 95
+ 1 0.98 0.99 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.93 0.89 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold1.csv
new file mode 100644
index 0000000..aa5f27b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+38fold1,0.7123209212616292,0.9667049368540795,0.7684210526307701,0.9745370370369242,0.9472049689440013,842,73,22,29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold2.csv
new file mode 100644
index 0000000..206b1be
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+38fold2,0.8298230169637362,0.9690011481055144,0.9368421052621717,0.9929411764704714,0.9658385093166701,844,89,6,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold3.csv
new file mode 100644
index 0000000..597bbda
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+38fold3,0.7564443830419396,0.9827784156141236,0.7368421052623823,0.9716231555049974,0.9585921325050767,856,70,25,15
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold4.csv
new file mode 100644
index 0000000..4eb7727
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_38/metrics_model_38fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+38fold4,0.8245033981977224,0.9885189437427108,0.7999999999991578,0.9784090909089797,0.9699792960661522,861,76,19,10
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold1.txt
new file mode 100644
index 0000000..b12785b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 0.99 0.81 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.96 966
+ macro avg 0.84 0.97 0.89 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold2.txt
new file mode 100644
index 0000000..28f294b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.74 0.96 0.83 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.87 0.96 0.91 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold3.txt
new file mode 100644
index 0000000..70e98e3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.77 0.77 95
+ 1 0.97 0.97 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.87 0.87 0.87 966
+weighted avg 0.95 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold4.txt
new file mode 100644
index 0000000..9de29ff
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.93 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.95 0.91 966
+weighted avg 0.97 0.96 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold5.txt
new file mode 100644
index 0000000..7e6a10a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/classification_report_model_4fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.68 0.99 0.81 96
+ 1 1.00 0.95 0.97 870
+
+ accuracy 0.95 966
+ macro avg 0.84 0.97 0.89 966
+weighted avg 0.97 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold1.png
new file mode 100644
index 0000000..f240e45
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold2.png
new file mode 100644
index 0000000..512a06e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold3.png
new file mode 100644
index 0000000..f5d789f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold4.png
new file mode 100644
index 0000000..a96ab49
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold5.png
new file mode 100644
index 0000000..dd8f462
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/confusion_matrix_model_4fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold1.png
new file mode 100644
index 0000000..a8e5d98
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold2.png
new file mode 100644
index 0000000..362b4dc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold3.png
new file mode 100644
index 0000000..2c3c4b6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold4.png
new file mode 100644
index 0000000..d77ecec
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold5.png
new file mode 100644
index 0000000..031b7ba
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/loss_curve_model_4fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold1.csv
new file mode 100644
index 0000000..d3f6bf0
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold1,0.8058771977022875,0.9517795637197529,0.9894736842094848,0.9987951807227712,0.9554865424429653,829,94,1,42
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold2.csv
new file mode 100644
index 0000000..bb16834
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold2,0.8228817282964247,0.9632606199769272,0.9578947368410969,0.9952550415182686,0.9627329192545587,839,91,4,32
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold3.csv
new file mode 100644
index 0000000..941f1bd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold3,0.7431627288657925,0.9747416762341016,0.7684210526307701,0.9747416762341016,0.9544513457555948,849,73,22,22
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold4.csv
new file mode 100644
index 0000000..3c90009
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold4,0.8232542482206734,0.9690011481055144,0.9263157894727091,0.9917743830786143,0.9648033126292996,844,88,7,27
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold5.csv
new file mode 100644
index 0000000..a3c2e13
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/metrics_model_4fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4fold5,0.8003955535108042,0.9494252873562127,0.9895833333323025,0.9987908101570738,0.9534161490682243,826,95,1,44
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold1.png
new file mode 100644
index 0000000..0108ac5
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold2.png
new file mode 100644
index 0000000..86fa9aa
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold3.png
new file mode 100644
index 0000000..9188013
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold4.png
new file mode 100644
index 0000000..5115e73
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold5.png
new file mode 100644
index 0000000..091eca1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/roc_curve_model_4fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_4/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/trial_summary.json
new file mode 100644
index 0000000..ea35da6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_4/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 4,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.0006470379825605028,
+ "decision_threshold": 0.8,
+ "hidden_dim": 89,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.7991142913191964,
+ "mcc_scores": [
+ 0.8058771977022875,
+ 0.8228817282964247,
+ 0.7431627288657925,
+ 0.8232542482206734,
+ 0.8003955535108042
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold1.txt
new file mode 100644
index 0000000..68cfe4b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.67 0.74 95
+ 1 0.97 0.98 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.89 0.83 0.86 966
+weighted avg 0.95 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold2.txt
new file mode 100644
index 0000000..6785e02
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.73 0.72 95
+ 1 0.97 0.97 0.97 871
+
+ accuracy 0.94 966
+ macro avg 0.84 0.85 0.84 966
+weighted avg 0.94 0.94 0.94 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold3.txt
new file mode 100644
index 0000000..aaf6e91
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.60 0.70 95
+ 1 0.96 0.99 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.89 0.79 0.83 966
+weighted avg 0.94 0.95 0.94 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold4.txt
new file mode 100644
index 0000000..9209b8e
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.72 0.81 0.76 95
+ 1 0.98 0.97 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.85 0.89 0.87 966
+weighted avg 0.95 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold5.txt
new file mode 100644
index 0000000..ba48872
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/classification_report_model_5fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.67 0.99 0.80 96
+ 1 1.00 0.95 0.97 870
+
+ accuracy 0.95 966
+ macro avg 0.83 0.97 0.88 966
+weighted avg 0.97 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold1.png
new file mode 100644
index 0000000..b907ec6
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold2.png
new file mode 100644
index 0000000..8ce8663
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold3.png
new file mode 100644
index 0000000..56cca3d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold4.png
new file mode 100644
index 0000000..9319cae
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold5.png
new file mode 100644
index 0000000..d7b749d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/confusion_matrix_model_5fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold1.png
new file mode 100644
index 0000000..18d3f99
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold2.png
new file mode 100644
index 0000000..0528978
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold3.png
new file mode 100644
index 0000000..8feb388
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold4.png
new file mode 100644
index 0000000..2c7e7ab
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold5.png
new file mode 100644
index 0000000..536675d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/loss_curve_model_5fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold1.csv
new file mode 100644
index 0000000..a8f977a
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold1,0.7187634554700812,0.983926521239841,0.6736842105256067,0.9650900900899814,0.9534161490682243,857,64,31,14
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold2.csv
new file mode 100644
index 0000000..37dd2c7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold2,0.6835089458847671,0.9667049368540795,0.7263157894729196,0.9700460829491969,0.9430641821945193,842,69,26,29
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold3.csv
new file mode 100644
index 0000000..c8ee418
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold3,0.6778174865590477,0.9862227324912759,0.5999999999993684,0.9576365663321117,0.9482401656313718,859,57,38,12
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold4.csv
new file mode 100644
index 0000000..4a9fbf3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold4,0.7363608019607915,0.9655568312283621,0.8105263157886204,0.9790454016296881,0.9503105590061127,841,77,18,30
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold5.csv
new file mode 100644
index 0000000..5b9b778
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/metrics_model_5fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+5fold5,0.7904224559233662,0.945977011494144,0.9895833333323025,0.998786407766869,0.9503105590061127,823,95,1,47
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold1.png
new file mode 100644
index 0000000..0b29a37
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold2.png
new file mode 100644
index 0000000..5d1260b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold3.png
new file mode 100644
index 0000000..cf91d66
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold4.png
new file mode 100644
index 0000000..22a0350
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold5.png
new file mode 100644
index 0000000..c973df1
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/roc_curve_model_5fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_5/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/trial_summary.json
new file mode 100644
index 0000000..c3b8fd7
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_5/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 5,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.4,
+ "learning_rate": 0.00011914786156903212,
+ "decision_threshold": 0.7,
+ "hidden_dim": 218,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.7213746291596108,
+ "mcc_scores": [
+ 0.7187634554700812,
+ 0.6835089458847671,
+ 0.6778174865590477,
+ 0.7363608019607915,
+ 0.7904224559233662
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold1.txt
new file mode 100644
index 0000000..b2029ec
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 0.91 0.79 95
+ 1 0.99 0.96 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.84 0.93 0.88 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold2.txt
new file mode 100644
index 0000000..d4e31dc
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.70 0.97 0.81 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.96 0.89 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold3.txt
new file mode 100644
index 0000000..e3ff9cf
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.88 0.88 0.88 95
+ 1 0.99 0.99 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.93 0.94 0.93 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold4.txt
new file mode 100644
index 0000000..93a069f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.95 0.88 95
+ 1 0.99 0.98 0.99 871
+
+ accuracy 0.98 966
+ macro avg 0.91 0.96 0.93 966
+weighted avg 0.98 0.98 0.98 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold5.txt
new file mode 100644
index 0000000..bd05199
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/classification_report_model_6fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.89 0.99 0.94 96
+ 1 1.00 0.99 0.99 870
+
+ accuracy 0.99 966
+ macro avg 0.94 0.99 0.96 966
+weighted avg 0.99 0.99 0.99 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold1.png
new file mode 100644
index 0000000..4870c85
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold2.png
new file mode 100644
index 0000000..c17c65c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold3.png
new file mode 100644
index 0000000..417b2c7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold4.png
new file mode 100644
index 0000000..b1653cc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold5.png
new file mode 100644
index 0000000..ba515dc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/confusion_matrix_model_6fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold1.png
new file mode 100644
index 0000000..a4eac95
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold2.png
new file mode 100644
index 0000000..912a55c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold3.png
new file mode 100644
index 0000000..f4ece70
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold4.png
new file mode 100644
index 0000000..f6d0439
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold5.png
new file mode 100644
index 0000000..4f83dbc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/loss_curve_model_6fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold1.csv
new file mode 100644
index 0000000..8ffe6f3
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold1,0.767056573944326,0.9563719862226226,0.9052631578937839,0.9893111638953694,0.9513457556934832,833,86,9,38
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold2.csv
new file mode 100644
index 0000000..100b9e2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold2,0.7997712175851559,0.9540757749711878,0.9684210526305596,0.9964028776977222,0.9554865424429653,831,92,3,40
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold3.csv
new file mode 100644
index 0000000..afeabe6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold3,0.866385378149564,0.9862227324912759,0.8842105263148587,0.9873563218389669,0.9761904761903751,859,84,11,12
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold4.csv
new file mode 100644
index 0000000..87c8496
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold4,0.8711023324743868,0.9781859931112539,0.9473684210516343,0.9941656942822643,0.9751552795030046,852,90,5,19
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold5.csv
new file mode 100644
index 0000000..eb3fa23
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/metrics_model_6fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+6fold5,0.9301719469503904,0.9862068965516108,0.9895833333323025,0.9988358556459838,0.98654244306408,858,95,1,12
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold1.png
new file mode 100644
index 0000000..fbffbea
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold2.png
new file mode 100644
index 0000000..1f34619
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold3.png
new file mode 100644
index 0000000..a3a62d0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold4.png
new file mode 100644
index 0000000..d1aa71f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold5.png
new file mode 100644
index 0000000..e9c72a9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/roc_curve_model_6fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_6/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/trial_summary.json
new file mode 100644
index 0000000..2be8dc8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_6/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 6,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0009447954955836869,
+ "decision_threshold": 0.5,
+ "hidden_dim": 78,
+ "num_layers": 2
+ },
+ "mean_mcc": 0.8468974898207646,
+ "mcc_scores": [
+ 0.767056573944326,
+ 0.7997712175851559,
+ 0.866385378149564,
+ 0.8711023324743868,
+ 0.9301719469503904
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold1.png
new file mode 100644
index 0000000..45a89ce
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold2.png
new file mode 100644
index 0000000..ca0b033
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold3.png
new file mode 100644
index 0000000..867905c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold4.png
new file mode 100644
index 0000000..3ef3834
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold5.png
new file mode 100644
index 0000000..929feca
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/confusion_matrix_model_7fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold1.png
new file mode 100644
index 0000000..53a51f7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold2.png
new file mode 100644
index 0000000..00cf6d0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold3.png
new file mode 100644
index 0000000..e876f9e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold4.png
new file mode 100644
index 0000000..a46ee2d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold5.png
new file mode 100644
index 0000000..e97e0d5
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/loss_curve_model_7fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold1.png
new file mode 100644
index 0000000..9fdb6b9
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold2.png
new file mode 100644
index 0000000..571064c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold3.png
new file mode 100644
index 0000000..6a19897
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold4.png
new file mode 100644
index 0000000..a54765f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold5.png
new file mode 100644
index 0000000..c03c93a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_7/roc_curve_model_7fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold1.txt
new file mode 100644
index 0000000..a632ebc
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.67 0.97 0.79 95
+ 1 1.00 0.95 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.83 0.96 0.88 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold2.txt
new file mode 100644
index 0000000..0c6f696
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.71 0.97 0.82 95
+ 1 1.00 0.96 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.85 0.96 0.90 966
+weighted avg 0.97 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold3.txt
new file mode 100644
index 0000000..a6e6ee6
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.77 0.82 0.80 95
+ 1 0.98 0.97 0.98 871
+
+ accuracy 0.96 966
+ macro avg 0.88 0.90 0.89 966
+weighted avg 0.96 0.96 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold4.txt
new file mode 100644
index 0000000..1b36da8
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.79 0.91 0.84 95
+ 1 0.99 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.94 0.91 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold5.txt
new file mode 100644
index 0000000..8df9ad9
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/classification_report_model_8fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.98 0.87 96
+ 1 1.00 0.97 0.98 870
+
+ accuracy 0.97 966
+ macro avg 0.89 0.97 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold1.png
new file mode 100644
index 0000000..78cc4d8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold2.png
new file mode 100644
index 0000000..2982fd4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold3.png
new file mode 100644
index 0000000..e4be1bb
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold4.png
new file mode 100644
index 0000000..26d64d8
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold5.png
new file mode 100644
index 0000000..3c8877a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/confusion_matrix_model_8fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold1.png
new file mode 100644
index 0000000..18bca47
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold2.png
new file mode 100644
index 0000000..28e3a5b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold3.png
new file mode 100644
index 0000000..3b3d09f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold4.png
new file mode 100644
index 0000000..dc583cc
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold5.png
new file mode 100644
index 0000000..76a17ab
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/loss_curve_model_8fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold1.csv
new file mode 100644
index 0000000..039b1bd
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold1,0.7825052034759532,0.9483352468426006,0.9684210526305596,0.996381182147045,0.9503105590061127,826,92,3,45
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold2.csv
new file mode 100644
index 0000000..163ce53
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold2,0.8069388356608549,0.9563719862226226,0.9684210526305596,0.9964114832534693,0.9575569358177062,833,92,3,38
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold3.csv
new file mode 100644
index 0000000..bfd8d1f
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold3,0.773349753889473,0.9735935706083841,0.8210526315780831,0.9803468208091352,0.9585921325050767,848,78,17,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold4.csv
new file mode 100644
index 0000000..a1f0a3b
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold4,0.8271519582146619,0.9735935706083841,0.9052631578937839,0.9894982497081692,0.9668737060040407,848,86,9,23
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold5.csv
new file mode 100644
index 0000000..c547731
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/metrics_model_8fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+8fold5,0.8610225099509998,0.9701149425286241,0.9791666666656467,0.9976359338060286,0.9710144927535226,844,94,2,26
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold1.png
new file mode 100644
index 0000000..0a68043
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold2.png
new file mode 100644
index 0000000..45f939f
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold3.png
new file mode 100644
index 0000000..f260cde
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold4.png
new file mode 100644
index 0000000..1f10a45
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold5.png
new file mode 100644
index 0000000..dfb3caf
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/roc_curve_model_8fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_8/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/trial_summary.json
new file mode 100644
index 0000000..941c324
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_8/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 8,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.2,
+ "learning_rate": 0.000330543839162454,
+ "decision_threshold": 0.7,
+ "hidden_dim": 87,
+ "num_layers": 1
+ },
+ "mean_mcc": 0.8101936522383886,
+ "mcc_scores": [
+ 0.7825052034759532,
+ 0.8069388356608549,
+ 0.773349753889473,
+ 0.8271519582146619,
+ 0.8610225099509998
+ ]
+}
\ No newline at end of file
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold1.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold1.txt
new file mode 100644
index 0000000..7afb393
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.63 0.99 0.77 95
+ 1 1.00 0.94 0.97 871
+
+ accuracy 0.94 966
+ macro avg 0.81 0.96 0.87 966
+weighted avg 0.96 0.94 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold2.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold2.txt
new file mode 100644
index 0000000..efe0786
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.65 0.98 0.78 95
+ 1 1.00 0.94 0.97 871
+
+ accuracy 0.95 966
+ macro avg 0.82 0.96 0.87 966
+weighted avg 0.96 0.95 0.95 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold3.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold3.txt
new file mode 100644
index 0000000..186a843
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.82 0.94 0.87 95
+ 1 0.99 0.98 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.90 0.96 0.93 966
+weighted avg 0.98 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold4.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold4.txt
new file mode 100644
index 0000000..5b55600
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.78 0.96 0.86 95
+ 1 1.00 0.97 0.98 871
+
+ accuracy 0.97 966
+ macro avg 0.89 0.96 0.92 966
+weighted avg 0.97 0.97 0.97 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold5.txt b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold5.txt
new file mode 100644
index 0000000..7780cc2
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/classification_report_model_9fold5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.69 1.00 0.81 96
+ 1 1.00 0.95 0.97 870
+
+ accuracy 0.95 966
+ macro avg 0.84 0.97 0.89 966
+weighted avg 0.97 0.95 0.96 966
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold1.png
new file mode 100644
index 0000000..1da0848
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold2.png
new file mode 100644
index 0000000..085bb0a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold3.png
new file mode 100644
index 0000000..8b9942e
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold4.png
new file mode 100644
index 0000000..417b2c7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold5.png
new file mode 100644
index 0000000..2e7fe8b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/confusion_matrix_model_9fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold1.png
new file mode 100644
index 0000000..eda6b82
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold2.png
new file mode 100644
index 0000000..6a05a8d
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold3.png
new file mode 100644
index 0000000..d602811
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold4.png
new file mode 100644
index 0000000..4514cd0
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold5.png
new file mode 100644
index 0000000..0888ef4
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/loss_curve_model_9fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold1.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold1.csv
new file mode 100644
index 0000000..1657ece
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold1,0.7606875332728191,0.9357060849597089,0.9894736842094848,0.9987745098037991,0.9409937888197784,815,94,1,56
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold2.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold2.csv
new file mode 100644
index 0000000..e622c00
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold2,0.7695334376382393,0.941446613088296,0.9789473684200222,0.9975669099755476,0.9451345755692603,820,93,2,51
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold3.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold3.csv
new file mode 100644
index 0000000..91a5e77
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold3,0.8601147389094556,0.9770378874855364,0.9368421052621717,0.9929988331387406,0.9730848861282636,851,89,6,20
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold4.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold4.csv
new file mode 100644
index 0000000..d668483
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold4,0.8512123766880195,0.9712973593569493,0.9578947368410969,0.9952941176469416,0.9699792960661522,846,91,4,25
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold5.csv b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold5.csv
new file mode 100644
index 0000000..9cbda62
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/metrics_model_9fold5.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+9fold5,0.8068670787426022,0.9494252873562127,0.9999999999989583,0.9999999999998789,0.9544513457555948,826,96,0,44
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold1.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold1.png
new file mode 100644
index 0000000..f5438f7
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold1.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold2.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold2.png
new file mode 100644
index 0000000..653a87a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold2.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold3.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold3.png
new file mode 100644
index 0000000..b08402c
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold3.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold4.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold4.png
new file mode 100644
index 0000000..3da424a
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold4.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold5.png b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold5.png
new file mode 100644
index 0000000..09d3a9b
Binary files /dev/null and b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/roc_curve_model_9fold5.png differ
diff --git a/output/LSTM/chest/Sc_4_T/binary_two/trial_9/trial_summary.json b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/trial_summary.json
new file mode 100644
index 0000000..523f1b1
--- /dev/null
+++ b/output/LSTM/chest/Sc_4_T/binary_two/trial_9/trial_summary.json
@@ -0,0 +1,19 @@
+{
+ "trial_number": 9,
+ "model_type": "LSTM",
+ "params": {
+ "dropout": 0.1,
+ "learning_rate": 0.0007097440344054579,
+ "decision_threshold": 0.9,
+ "hidden_dim": 211,
+ "num_layers": 3
+ },
+ "mean_mcc": 0.8096830330502272,
+ "mcc_scores": [
+ 0.7606875332728191,
+ 0.7695334376382393,
+ 0.8601147389094556,
+ 0.8512123766880195,
+ 0.8068670787426022
+ ]
+}
\ No newline at end of file
diff --git a/output/MLP/chest/Sc_4_T/binary_two/all_metrics.csv b/output/MLP/chest/Sc_4_T/binary_two/all_metrics.csv
new file mode 100644
index 0000000..29463e2
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/all_metrics.csv
@@ -0,0 +1,21 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1.0,0.9577888544924866,0.9925857275253944,0.9844961240302448,0.9981360671014912,0.9917218543045536,1071,127,2,8
+2.0,0.9561539173393422,0.997219647821965,0.945736434107794,0.9935364727607576,0.9917218543045536,1076,122,7,3
+3.0,0.9697368472744522,0.9962928637626508,0.9767441860457544,0.9972170686455476,0.9942052980131628,1075,126,3,4
+4.0,0.941401067818828,0.9898053753474524,0.9767441860457544,0.9971988795517276,0.9884105960264082,1068,126,3,11
+5.0,0.9518556332039758,0.9962928637626508,0.945736434107794,0.9935304990756936,0.9908940397350172,1075,122,7,4
+6.0,0.9383105632228216,0.9962928637626508,0.9224806201543236,0.9907834101381576,0.9884105960264082,1075,119,10,4
+7.0,0.9604551483043988,0.9990732159405932,0.937984496123304,0.9926335174953044,0.99254966887409,1078,121,8,1
+8.0,0.9605018293775072,0.998146431881279,0.945736434107794,0.9935424354242626,0.99254966887409,1077,122,7,2
+9.0,0.92240105185509,0.9851714550508818,0.9767441860457544,0.9971857410880866,0.9842715231787263,1063,126,3,16
+10.0,0.9426643054131664,0.997219647821965,0.9224806201543236,0.9907918968691536,0.9892384105959444,1076,119,10,3
+11.0,0.9650833962391436,0.997219647821965,0.9612403100767744,0.9953746530988904,0.9933774834436264,1076,124,5,3
+12.0,0.9473537258577844,0.9962928637626508,0.937984496123304,0.9926131117265934,0.9900662251654808,1075,121,8,4
+13.0,0.9650833962391436,0.997219647821965,0.9612403100767744,0.9953746530988904,0.9933774834436264,1076,124,5,3
+14.0,0.9244182980425636,0.998146431881279,0.8837209302318731,0.986263736263646,0.9859271523177991,1077,114,15,2
+15.0,0.96108756043097,0.9953660797033368,0.9689922480612644,0.996289424860761,0.99254966887409,1074,125,4,5
+16.0,0.962280469468083,0.9925857275253944,0.9922480620147348,0.9990671641790112,0.99254966887409,1071,128,1,8
+17.0,0.923078691621363,0.9898053753474524,0.945736434107794,0.9934883720929308,0.9850993377482627,1068,122,7,11
+18.0,0.8932088300940921,0.9749768303984268,0.9922480620147348,0.9990503323835708,0.9768211920528992,1052,128,1,27
+19.0,0.952829867272371,0.9935125115847088,0.9689922480612644,0.9962825278809484,0.9908940397350172,1072,125,4,7
+20.0,0.9608211270599696,0.9962928637626508,0.9612403100767744,0.9953703703702782,0.99254966887409,1075,124,5,4
diff --git a/output/MLP/chest/Sc_4_T/binary_two/best_hyperparameters.json b/output/MLP/chest/Sc_4_T/binary_two/best_hyperparameters.json
new file mode 100644
index 0000000..b49b504
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/best_hyperparameters.json
@@ -0,0 +1,37 @@
+{
+ "scenario": "Sc_4_T",
+ "position": "chest",
+ "label_type": "binary_two",
+ "model_type": "MLP",
+ "best_value": 0.9566167759296065,
+ "best_params": {
+ "dropout": 0.30000000000000004,
+ "learning_rate": 0.001275752364066688,
+ "decision_threshold": 0.6,
+ "num_layers": 2,
+ "dense_neurons": 643
+ },
+ "n_trials": 20,
+ "optimization_history": [
+ 0.942987022637546,
+ 0.9192116724007571,
+ 0.9514338146919199,
+ 0.9170672064024881,
+ 0.9546891663031047,
+ 0.9420763218334585,
+ 0.9181609342851228,
+ 0.9486529671104119,
+ 0.9449991355806844,
+ 0.9506138494184586,
+ 0.9321034624875331,
+ 0.9490105319075584,
+ 0.9510765761479464,
+ 0.9489534616427925,
+ 0.9415857940468794,
+ 0.8136713714657988,
+ 0.945121732379876,
+ 0.9566167759296065,
+ 0.9495140988915818,
+ 0.9458435189302499
+ ]
+}
\ No newline at end of file
diff --git a/output/MLP/chest/Sc_4_T/binary_two/correlation_heatmap.png b/output/MLP/chest/Sc_4_T/binary_two/correlation_heatmap.png
new file mode 100644
index 0000000..296028e
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/correlation_heatmap.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/learning_curve.png b/output/MLP/chest/Sc_4_T/binary_two/learning_curve.png
new file mode 100644
index 0000000..c9d0e41
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/learning_curve.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/learning_curve_metrics.csv b/output/MLP/chest/Sc_4_T/binary_two/learning_curve_metrics.csv
new file mode 100644
index 0000000..4dde51b
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/learning_curve_metrics.csv
@@ -0,0 +1,13 @@
+Fraction,MCC,F1,Accuracy,Train_Loss,Val_Loss
+0.05,0.7484782040722506,0.8635578031664035,0.9561258278145696,0.6128505650059415,1.2123671911345624
+0.1,0.844999016649136,0.9201679365573006,0.9718543046357616,0.3600020898175374,0.4432119483221134
+0.15,0.9125329606380856,0.955004740620344,0.9817880794701986,0.3465814646827702,0.43470951637898125
+0.2,0.8715394604391014,0.9345523499932278,0.9735099337748344,0.22946932134726242,0.3386861722349482
+0.3,0.9504831996276641,0.974818644209122,0.9900662251655629,0.2208342729997669,0.18770066407191793
+0.4,0.9559974984463456,0.9776915974145891,0.9917218543046358,0.20222412315436555,0.22833317085136104
+0.5,0.9786043234198873,0.9892613631312728,0.9958609271523179,0.17943324611453157,0.1173349401280678
+0.6,0.9588829253279576,0.979015536840935,0.9917218543046358,0.20765569170849463,0.15227547239788822
+0.7,0.9563446998794012,0.9781539351851851,0.9917218543046358,0.19909889321107654,0.17339344130787732
+0.8,0.9160423323984882,0.9577548522468964,0.9834437086092715,0.15939887219353585,0.17974310528424414
+0.9,0.9649541088208998,0.98240182974353,0.9933774834437086,0.17231957144533921,0.1554854137118249
+1.0,0.9870354209614166,0.9935130839164219,0.9975165562913907,0.15099343720508776,0.20880631518827122
diff --git a/output/MLP/chest/Sc_4_T/binary_two/mcc_histogram.png b/output/MLP/chest/Sc_4_T/binary_two/mcc_histogram.png
new file mode 100644
index 0000000..c3f3d78
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/mcc_histogram.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png b/output/MLP/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png
new file mode 100644
index 0000000..59ef101
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/mcc_vs_accuracy.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/metrics_boxplot.png b/output/MLP/chest/Sc_4_T/binary_two/metrics_boxplot.png
new file mode 100644
index 0000000..1fd36dd
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/metrics_boxplot.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt b/output/MLP/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt
new file mode 100644
index 0000000..f7fff67
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_1/classification_report_model_1.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.98 0.96 129
+ 1 1.00 0.99 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 0.99 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png b/output/MLP/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png
new file mode 100644
index 0000000..b85c955
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_1/confusion_matrix_model_1.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png b/output/MLP/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png
new file mode 100644
index 0000000..6f75768
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_1/loss_curve_model_1.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv b/output/MLP/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv
new file mode 100644
index 0000000..a1d274d
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_1/losses_model_1.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.4172969533318117,0.16965237079868425
+2,0.082739942420152,0.10270577566358673
+3,0.12015297130380818,0.19723289472293445
+4,0.2689089315042139,0.625405312906324
+5,0.13772097496094646,0.370693110160771
+6,0.1446739552232236,0.14837627309194182
+7,0.13400896367993698,0.31426383784691114
+8,0.06223287216325599,0.5709553337806175
+9,0.07427594900216282,0.2802382967055686
+10,0.032818275679282395,0.37796664201908636
+11,0.08132681551459013,0.4534876862450009
+12,0.04458724461676367,0.4167424720216205
+13,0.05353486786677127,8.481561427606461
+14,0.40284654063234493,1.6643665255114977
+15,0.5330957229433327,1.641786559935539
+16,0.7275570133258794,2.4600883299304592
+17,0.2826871371615781,5.882739920769969
+18,0.18058512420508882,0.7581494850714247
+19,0.049019359711162606,0.8901501326620952
+20,0.10867837136585626,1.1130310410055584
+21,0.04151762516063006,1.6326034231290982
+22,0.036787239054883375,1.9445020377088729
+23,0.1817597846366975,1.7198826100782225
+24,0.08194647262368307,1.583612274498694
+25,0.03732442865126156,1.55821537700575
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv b/output/MLP/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv
new file mode 100644
index 0000000..9e3f0ea
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_1/metrics_model_1.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+1,0.9577888544924866,0.9925857275253945,0.9844961240302447,0.9981360671014913,0.9917218543045536,1071,127,2,8
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/model_1.pt b/output/MLP/chest/Sc_4_T/binary_two/model_1/model_1.pt
new file mode 100644
index 0000000..aa8ced8
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_1/model_1.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png b/output/MLP/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png
new file mode 100644
index 0000000..90468c4
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_1/roc_curve_model_1.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy b/output/MLP/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy
new file mode 100644
index 0000000..150be73
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_1/train_losses_model_1.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy b/output/MLP/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy
new file mode 100644
index 0000000..72d07cd
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_1/val_losses_model_1.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt b/output/MLP/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt
new file mode 100644
index 0000000..abbff0d
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_10/classification_report_model_10.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.92 0.95 129
+ 1 0.99 1.00 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.96 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png b/output/MLP/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png
new file mode 100644
index 0000000..826f082
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_10/confusion_matrix_model_10.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png b/output/MLP/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png
new file mode 100644
index 0000000..33395fd
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_10/loss_curve_model_10.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv b/output/MLP/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv
new file mode 100644
index 0000000..25280fd
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_10/losses_model_10.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.6411686089726918,0.1303484122068979
+2,0.15931945029617053,0.17678979104156514
+3,0.10823985121326628,1.0952235718445733
+4,0.08372011957621968,0.5642886777077952
+5,0.10509134538520043,0.2805618743312237
+6,0.039993028573498575,0.21874008865809763
+7,0.03820714730029768,0.1785822410815707
+8,0.020520854489361424,0.1586909559620391
+9,0.031097925640567146,0.1763097149831774
+10,0.02079018496569909,0.25544098744170873
+11,0.04678626348614822,2.021240958921431
+12,0.6356961902639311,0.454830649338903
+13,0.586178276995111,6.035839542265861
+14,0.8401271274822054,2.565524870349515
+15,0.4251944325132798,0.8688168256513534
+16,0.4798633990058641,2.4836351856521626
+17,0.3118285671135537,8.829659733889368
+18,0.053244159136907575,7.708997175624585
+19,0.026607764110692923,5.9156888200749425
+20,0.02268731694879601,6.1876874862899705
+21,0.2695950248920875,3.2043087904763907
+22,0.15756987174877338,1.0621965097800496
+23,0.17337618910111866,5.629819210498564
+24,1.2533502052880032,6.383740825037802
+25,0.4063526610452737,1.9048037221354823
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv b/output/MLP/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv
new file mode 100644
index 0000000..85abe59
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_10/metrics_model_10.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+10,0.9426643054131664,0.997219647821965,0.9224806201543237,0.9907918968691537,0.9892384105959445,1076,119,10,3
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/model_10.pt b/output/MLP/chest/Sc_4_T/binary_two/model_10/model_10.pt
new file mode 100644
index 0000000..cc1963f
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_10/model_10.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png b/output/MLP/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png
new file mode 100644
index 0000000..e09012c
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_10/roc_curve_model_10.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy b/output/MLP/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy
new file mode 100644
index 0000000..90082aa
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_10/train_losses_model_10.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy b/output/MLP/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy
new file mode 100644
index 0000000..3aa873c
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_10/val_losses_model_10.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt b/output/MLP/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt
new file mode 100644
index 0000000..55ddc6d
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_11/classification_report_model_11.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.96 0.97 129
+ 1 1.00 1.00 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.99 0.98 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png b/output/MLP/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png
new file mode 100644
index 0000000..e84593a
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_11/confusion_matrix_model_11.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png b/output/MLP/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png
new file mode 100644
index 0000000..cdae981
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_11/loss_curve_model_11.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv b/output/MLP/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv
new file mode 100644
index 0000000..52365e4
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_11/losses_model_11.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.5045341495289194,0.6265019123372042
+2,0.09322041850290037,0.9828688426481522
+3,0.06910959660509877,0.16835126103722411
+4,0.20509811562088798,0.2531638197107485
+5,0.22381858473875524,0.26484426522844956
+6,0.305153722207438,0.8713151691212462
+7,0.07800165383966663,1.1208399922578083
+8,0.18920448108785462,0.4605363349039384
+9,0.2382272494240824,1.121724097959457
+10,0.07903974710883586,0.4270576029981062
+11,0.12893851966665423,0.5536419756837782
+12,0.03387331583422857,0.5286319221971664
+13,0.06796099000999013,0.6748464790288665
+14,0.023611735782325876,0.6801649050640229
+15,0.01899485712678127,0.8261465486399503
+16,0.01429626485475977,0.7679204142435583
+17,0.02046408482482623,0.6959025553383507
+18,0.05470860994877697,0.5970263204345323
+19,0.031122243179353457,0.4376714477767776
+20,0.0694126472049029,0.35420847147056955
+21,0.5652866377710144,1.2193770640436037
+22,1.2443710706931692,3.4255093346898775
+23,0.6114615342184213,1.9286325343193547
+24,0.38983880882036565,1.3875727551524977
+25,0.06275082079986491,1.2718515631019998
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv b/output/MLP/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv
new file mode 100644
index 0000000..3676adb
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_11/metrics_model_11.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+11,0.9650833962391436,0.997219647821965,0.9612403100767744,0.9953746530988903,0.9933774834436263,1076,124,5,3
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/model_11.pt b/output/MLP/chest/Sc_4_T/binary_two/model_11/model_11.pt
new file mode 100644
index 0000000..89a9a74
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_11/model_11.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png b/output/MLP/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png
new file mode 100644
index 0000000..cdcf3eb
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_11/roc_curve_model_11.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy b/output/MLP/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy
new file mode 100644
index 0000000..b717342
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_11/train_losses_model_11.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy b/output/MLP/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy
new file mode 100644
index 0000000..d945ff8
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_11/val_losses_model_11.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt b/output/MLP/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt
new file mode 100644
index 0000000..b9e7e78
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_12/classification_report_model_12.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.94 0.95 129
+ 1 0.99 1.00 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.97 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png b/output/MLP/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png
new file mode 100644
index 0000000..1d34ad2
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_12/confusion_matrix_model_12.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png b/output/MLP/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png
new file mode 100644
index 0000000..574422f
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_12/loss_curve_model_12.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv b/output/MLP/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv
new file mode 100644
index 0000000..aac94b7
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_12/losses_model_12.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.6940422228130726,0.1101532966645319
+2,0.05836542501505977,0.07868628487989143
+3,0.09478266650136496,0.11953422103674564
+4,0.08980236374298471,0.11899674443667473
+5,0.04199526995709059,0.12057948381627812
+6,0.12946297530124948,0.300762865335908
+7,0.2678664276274438,0.3837670363977659
+8,0.17377163147185046,0.44006854365215253
+9,0.08165927476446272,0.4238815608695846
+10,0.06540061742797453,0.47030127569675667
+11,0.1905229401158619,0.7200828223459182
+12,0.5612163857477739,0.5067014938174728
+13,0.1869200248091014,0.6487675976882852
+14,0.3424381216209688,11.036573232944823
+15,0.12768149227508996,0.7995468686873771
+16,0.023940056736174754,1.4187441947718191
+17,0.015740617820833764,1.4633257538028073
+18,0.026808666239518063,1.1860029389781337
+19,0.03933864767987102,1.2140172515431449
+20,0.019327075041588527,1.4095492637007712
+21,0.0687963876462005,1.5067438272939575
+22,0.2216863232863881,2.1956013287267377
+23,0.17076039644583746,1.7732486668624445
+24,0.41533671207363465,1.6451406894590888
+25,0.4595703771183832,3.4153620350745415
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv b/output/MLP/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv
new file mode 100644
index 0000000..1735f6f
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_12/metrics_model_12.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+12,0.9473537258577844,0.9962928637626509,0.9379844961233039,0.9926131117265934,0.9900662251654809,1075,121,8,4
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/model_12.pt b/output/MLP/chest/Sc_4_T/binary_two/model_12/model_12.pt
new file mode 100644
index 0000000..5803491
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_12/model_12.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png b/output/MLP/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png
new file mode 100644
index 0000000..24bb49d
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_12/roc_curve_model_12.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy b/output/MLP/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy
new file mode 100644
index 0000000..580420a
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_12/train_losses_model_12.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy b/output/MLP/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy
new file mode 100644
index 0000000..a36421e
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_12/val_losses_model_12.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt b/output/MLP/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt
new file mode 100644
index 0000000..55ddc6d
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_13/classification_report_model_13.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.96 0.97 129
+ 1 1.00 1.00 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.99 0.98 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png b/output/MLP/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png
new file mode 100644
index 0000000..c3b5405
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_13/confusion_matrix_model_13.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png b/output/MLP/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png
new file mode 100644
index 0000000..f7b31fb
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_13/loss_curve_model_13.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv b/output/MLP/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv
new file mode 100644
index 0000000..9e1027e
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_13/losses_model_13.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.46225561671164006,0.04819669548910057
+2,0.06538461960164219,0.10438499342768798
+3,0.09258269890396802,0.9616933583756303
+4,0.04246451517586242,0.13798985366438207
+5,0.03733774041325541,1.7702307884006703
+6,0.1407144362503412,0.602044708134922
+7,0.37716628759358495,12.481597169343713
+8,0.6634300893849129,1.8926626636135964
+9,0.26614183309934436,0.5300666603482214
+10,0.057908225307173856,0.3362267411183556
+11,0.06259938364137975,0.567898076850229
+12,0.024270142196515097,0.6474197481106895
+13,0.010009986362070055,0.6593205220771426
+14,0.011504003876675897,0.6946260610468251
+15,0.011495878307394949,0.6770359153684747
+16,0.02460562846037086,0.5155302369720332
+17,0.030194281069118634,0.4884784535128711
+18,0.03652984754975753,0.6250809562502196
+19,0.03529582384018337,0.5690400088455018
+20,0.013546011417999633,0.5913254668498227
+21,0.014202095295630993,0.6461446152043209
+22,0.028260986878588957,0.6645058676240262
+23,0.026995933227888378,0.596601278263671
+24,0.033583220870635554,0.8506631339404285
+25,0.05834960632386745,0.7406111684656422
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv b/output/MLP/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv
new file mode 100644
index 0000000..077c8af
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_13/metrics_model_13.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+13,0.9650833962391436,0.997219647821965,0.9612403100767744,0.9953746530988903,0.9933774834436263,1076,124,5,3
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/model_13.pt b/output/MLP/chest/Sc_4_T/binary_two/model_13/model_13.pt
new file mode 100644
index 0000000..7df060d
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_13/model_13.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png b/output/MLP/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png
new file mode 100644
index 0000000..84d048f
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_13/roc_curve_model_13.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy b/output/MLP/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy
new file mode 100644
index 0000000..3e9e800
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_13/train_losses_model_13.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy b/output/MLP/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy
new file mode 100644
index 0000000..10acba7
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_13/val_losses_model_13.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt b/output/MLP/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt
new file mode 100644
index 0000000..57a86dc
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_14/classification_report_model_14.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.88 0.93 129
+ 1 0.99 1.00 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.94 0.96 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png b/output/MLP/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png
new file mode 100644
index 0000000..a5d8fc9
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_14/confusion_matrix_model_14.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png b/output/MLP/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png
new file mode 100644
index 0000000..089fe7c
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_14/loss_curve_model_14.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv b/output/MLP/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv
new file mode 100644
index 0000000..7e7d785
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_14/losses_model_14.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.7546993585165088,0.3474945906669863
+2,0.13136295973569354,0.05905796102800527
+3,0.08094738070610445,0.1829017410704636
+4,0.08624731511570848,0.058791791219846345
+5,0.033505836026850894,0.07234340033403808
+6,0.04021983220126334,0.15041847825870186
+7,0.18811308319779166,0.18402128665777184
+8,0.17136940711034818,0.37368033201463763
+9,0.111568233313482,0.38348852471935113
+10,0.3357554171302766,2.5223513880083637
+11,0.48034954302693256,0.47406788001676287
+12,0.33589809143117794,2.3674292743709
+13,0.5070909637813865,1.019221280669737
+14,0.18142925071354113,0.2929465984973009
+15,0.03474279333875468,0.3428538551107786
+16,0.016566952049603127,0.3693559671243135
+17,0.017015131607377772,0.34443149135105566
+18,0.006736366585724423,0.3335314731557446
+19,0.019681679703158244,0.3459835606911086
+20,0.0208346404945646,4.247428657650361
+21,0.07603570957763667,6.500062755440619
+22,0.07104792608292897,1.3152024987484179
+23,0.1471758388003278,0.9049326077209533
+24,0.5310932782589899,1.0650464950069305
+25,0.11220355135062501,1.2605060300519388
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv b/output/MLP/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv
new file mode 100644
index 0000000..187ad04
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_14/metrics_model_14.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+14,0.9244182980425637,0.998146431881279,0.8837209302318731,0.9862637362636459,0.9859271523177991,1077,114,15,2
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/model_14.pt b/output/MLP/chest/Sc_4_T/binary_two/model_14/model_14.pt
new file mode 100644
index 0000000..1898685
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_14/model_14.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png b/output/MLP/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png
new file mode 100644
index 0000000..340170c
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_14/roc_curve_model_14.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy b/output/MLP/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy
new file mode 100644
index 0000000..2ee0b81
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_14/train_losses_model_14.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy b/output/MLP/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy
new file mode 100644
index 0000000..30eb39e
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_14/val_losses_model_14.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt b/output/MLP/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt
new file mode 100644
index 0000000..e58b706
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_15/classification_report_model_15.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.96 0.97 0.97 129
+ 1 1.00 1.00 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.98 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png b/output/MLP/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png
new file mode 100644
index 0000000..b37734d
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_15/confusion_matrix_model_15.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png b/output/MLP/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png
new file mode 100644
index 0000000..be51ae2
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_15/loss_curve_model_15.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv b/output/MLP/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv
new file mode 100644
index 0000000..c28c731
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_15/losses_model_15.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.6990879725070033,0.2168203041473507
+2,0.07217987175763711,0.28409072353889314
+3,0.04937792107358659,0.16551520755243956
+4,0.02914777200254125,0.0724439453274279
+5,0.28207254640326,0.7320098254428266
+6,0.2331195560609171,0.3108166742227808
+7,0.058463259751696105,0.2611587904395066
+8,0.03398983576423565,0.2279929286963229
+9,0.018671671198016302,0.21930520984634866
+10,0.06617990517347976,0.4030381209749169
+11,0.24514061885474062,0.8183734099711061
+12,0.14849249088296038,0.9995191266700132
+13,0.12688361609619148,0.5479543816708309
+14,0.04473799601976542,0.5271177748784117
+15,0.02805773487669577,0.4735577917790233
+16,0.0721140073835985,0.8224499267675438
+17,0.10179500379546542,2.4467028869141916
+18,0.032054734886612264,2.265823485982538
+19,0.05101661771624681,24.01882872346234
+20,0.23542358694861337,1.4492598498056992
+21,0.3147655436224291,1.8030792286078776
+22,0.9458781383407612,2.877217552633562
+23,0.8270313054779126,3.919796020753922
+24,0.728312454578113,3.884472152616515
+25,0.2514347242760348,6.5259051050484675
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv b/output/MLP/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv
new file mode 100644
index 0000000..d10be22
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_15/metrics_model_15.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+15,0.96108756043097,0.9953660797033368,0.9689922480612645,0.996289424860761,0.99254966887409,1074,125,4,5
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/model_15.pt b/output/MLP/chest/Sc_4_T/binary_two/model_15/model_15.pt
new file mode 100644
index 0000000..2c9bed1
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_15/model_15.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png b/output/MLP/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png
new file mode 100644
index 0000000..197165b
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_15/roc_curve_model_15.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy b/output/MLP/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy
new file mode 100644
index 0000000..9423058
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_15/train_losses_model_15.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy b/output/MLP/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy
new file mode 100644
index 0000000..933c4a4
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_15/val_losses_model_15.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt b/output/MLP/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt
new file mode 100644
index 0000000..f96d8e5
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_16/classification_report_model_16.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.94 0.99 0.97 129
+ 1 1.00 0.99 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 0.99 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png b/output/MLP/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png
new file mode 100644
index 0000000..76a84a3
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_16/confusion_matrix_model_16.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png b/output/MLP/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png
new file mode 100644
index 0000000..0958e58
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_16/loss_curve_model_16.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv b/output/MLP/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv
new file mode 100644
index 0000000..0db5d85
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_16/losses_model_16.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.5368313280245295,0.11551911322469438
+2,0.09701409199214588,0.12353465846029893
+3,0.04904095647184204,0.13868013443988597
+4,0.08188456758219684,0.19101301843652851
+5,0.2522473346546054,0.2473535510347274
+6,0.1433815220945699,0.19128882846135423
+7,0.06066350716949974,0.30989883802973817
+8,0.03586831068333813,2.1520311945820256
+9,0.05481572402415488,0.40470064466346944
+10,0.05993133919497303,0.5163381714974681
+11,0.09927154389318663,0.396036380469759
+12,0.15940322395679943,0.4265435848971372
+13,0.11392518208240329,0.8369347634604537
+14,1.0443147195915385,2.9317304408974616
+15,1.4842128519556674,1.7350285130162393
+16,0.172816922965119,1.1494059101227792
+17,0.16517453302102572,4.885832586596089
+18,0.5751699750203273,6.66317597148583
+19,0.0975842380773932,1.4772384726708654
+20,0.05094520309929089,8.788247069452101
+21,0.06334744443939816,7.212001272202707
+22,0.04455445666572341,1.8558022526070226
+23,0.037329132101492656,2.2689743692073767
+24,0.02207150459885176,2.4718506908225355
+25,0.014842482852589564,2.5110472030537125
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv b/output/MLP/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv
new file mode 100644
index 0000000..a68e334
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_16/metrics_model_16.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+16,0.962280469468083,0.9925857275253945,0.9922480620147348,0.9990671641790112,0.99254966887409,1071,128,1,8
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/model_16.pt b/output/MLP/chest/Sc_4_T/binary_two/model_16/model_16.pt
new file mode 100644
index 0000000..2efa9f0
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_16/model_16.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png b/output/MLP/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png
new file mode 100644
index 0000000..89ee3e6
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_16/roc_curve_model_16.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy b/output/MLP/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy
new file mode 100644
index 0000000..46ed0ab
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_16/train_losses_model_16.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy b/output/MLP/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy
new file mode 100644
index 0000000..5aeae55
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_16/val_losses_model_16.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt b/output/MLP/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt
new file mode 100644
index 0000000..964e97d
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_17/classification_report_model_17.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.95 0.93 129
+ 1 0.99 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.97 0.96 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png b/output/MLP/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png
new file mode 100644
index 0000000..f9bf331
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_17/confusion_matrix_model_17.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png b/output/MLP/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png
new file mode 100644
index 0000000..6fc46b4
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_17/loss_curve_model_17.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv b/output/MLP/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv
new file mode 100644
index 0000000..8c6a131
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_17/losses_model_17.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.7542986546686509,0.2412544401152644
+2,0.0873353972409795,0.08885216789634773
+3,0.06640706223852791,0.28050630164122387
+4,0.08957356057660137,0.11237834454050484
+5,0.052658556131345534,0.10854349389504228
+6,0.18405536300103698,0.3560071850992659
+7,0.17456989674989593,2.082225560395346
+8,0.17342538715610817,0.41383970641652795
+9,0.15801516412945743,0.3219769834546855
+10,0.03209777965096159,0.21130117071354457
+11,0.051285790623483374,0.24803402768668548
+12,0.030601123154462815,0.5268033687926589
+13,0.014220898247028671,0.49273525096563203
+14,0.016721490437074375,0.40420371421742074
+15,0.011764565002378678,0.4248188687216175
+16,0.06090662690773509,0.6152362285715413
+17,0.11951234808518531,0.5800046977256507
+18,0.04526300788218896,0.7001388940962281
+19,0.6152036064840068,1.7981866242424134
+20,0.8941341507436898,0.9824166050215897
+21,0.78315698275584,2.5074009245201463
+22,0.6516292109110156,3.584381818459809
+23,0.1795463704206285,1.582436139166472
+24,0.2289250150866818,1.957706227021741
+25,0.1115747839881797,13.29947313640762
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv b/output/MLP/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv
new file mode 100644
index 0000000..77d34cc
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_17/metrics_model_17.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+17,0.923078691621363,0.9898053753474523,0.9457364341077941,0.9934883720929308,0.9850993377482627,1068,122,7,11
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/model_17.pt b/output/MLP/chest/Sc_4_T/binary_two/model_17/model_17.pt
new file mode 100644
index 0000000..38ce23a
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_17/model_17.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png b/output/MLP/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png
new file mode 100644
index 0000000..fc3534c
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_17/roc_curve_model_17.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy b/output/MLP/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy
new file mode 100644
index 0000000..45bbca3
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_17/train_losses_model_17.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy b/output/MLP/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy
new file mode 100644
index 0000000..3a58145
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_17/val_losses_model_17.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt b/output/MLP/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt
new file mode 100644
index 0000000..d0a67c1
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_18/classification_report_model_18.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.83 0.99 0.90 129
+ 1 1.00 0.97 0.99 1079
+
+ accuracy 0.98 1208
+ macro avg 0.91 0.98 0.94 1208
+weighted avg 0.98 0.98 0.98 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png b/output/MLP/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png
new file mode 100644
index 0000000..56c7bf7
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_18/confusion_matrix_model_18.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png b/output/MLP/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png
new file mode 100644
index 0000000..b6b4016
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_18/loss_curve_model_18.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv b/output/MLP/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv
new file mode 100644
index 0000000..25b2265
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_18/losses_model_18.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.6354490531837138,0.19077707928554424
+2,0.10958776970494749,0.2701918764834127
+3,0.06982039532475437,0.06342021962688793
+4,0.14095612350855186,0.31963725243814417
+5,0.16590833689746282,0.33868500241824806
+6,0.11710553526374605,0.6014344434564788
+7,0.0712300738925185,0.3822556916759908
+8,0.11046196618459618,0.7488898483495348
+9,0.20464373209551545,0.5974471846527608
+10,0.09432223917608604,2.0653881675741865
+11,0.1779755758206909,0.5938802184835612
+12,0.3523586838395103,0.7599396937556805
+13,0.2728281398253614,0.7596784477807649
+14,0.21507654068541532,0.5945288192841315
+15,0.10093676998553286,0.7603879128732989
+16,0.05703925760095197,0.7076505408043049
+17,0.04632050113279257,0.7262506816575016
+18,0.016342031696439344,0.7121124506484008
+19,0.018710499783894698,0.7275490725896963
+20,0.017459798340143804,1.152602070629996
+21,0.07291987014676553,1.379918180298109
+22,0.06423423706540826,1.3347509478957118
+23,0.05446886480663517,1.6432106901579935
+24,0.3078952806579262,3.243388293679613
+25,0.38448810661592103,3.0175815249173565
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv b/output/MLP/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv
new file mode 100644
index 0000000..e228239
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_18/metrics_model_18.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+18,0.8932088300940921,0.9749768303984268,0.9922480620147348,0.9990503323835708,0.9768211920528992,1052,128,1,27
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/model_18.pt b/output/MLP/chest/Sc_4_T/binary_two/model_18/model_18.pt
new file mode 100644
index 0000000..9f65a68
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_18/model_18.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png b/output/MLP/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png
new file mode 100644
index 0000000..24fd73d
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_18/roc_curve_model_18.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy b/output/MLP/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy
new file mode 100644
index 0000000..753fd86
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_18/train_losses_model_18.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy b/output/MLP/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy
new file mode 100644
index 0000000..2ae4801
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_18/val_losses_model_18.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt b/output/MLP/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt
new file mode 100644
index 0000000..ede7d72
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_19/classification_report_model_19.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.95 0.97 0.96 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.97 0.98 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png b/output/MLP/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png
new file mode 100644
index 0000000..4b37571
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_19/confusion_matrix_model_19.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png b/output/MLP/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png
new file mode 100644
index 0000000..3112a15
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_19/loss_curve_model_19.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv b/output/MLP/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv
new file mode 100644
index 0000000..874017c
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_19/losses_model_19.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.6001081367356766,0.23718351281939015
+2,0.25205570361858365,0.08008526142464188
+3,0.09028550924644363,0.20913238264306197
+4,0.04932050778791907,0.07706938790209777
+5,0.028748864792528715,0.8655659850011624
+6,0.05705217910083735,1.8778526867827983
+7,0.2475926218697752,0.8182550525900167
+8,0.37829757487792853,1.269482732496663
+9,0.33863114874604017,0.6527571288714814
+10,0.34549080478150085,0.3625120101017786
+11,0.06347584772646792,0.38299821420318503
+12,0.023616812352214363,0.49395443967753194
+13,0.03509815855815145,0.5491345370969299
+14,0.022624617047413132,0.391399358787388
+15,0.011128082996864474,0.4229990989771137
+16,0.037983498747758665,0.37250300218597643
+17,0.008945840062134693,0.3959076576190174
+18,0.021205914288679475,0.7105339653789997
+19,0.0974095777363106,1.155847457036382
+20,0.18611801438225425,2.219979372258435
+21,0.19990669608683337,0.8935569506616635
+22,0.3168557347536186,4.387874791699071
+23,0.6466466883421773,4.281174082909861
+24,0.4626261276566429,2.8026655104852494
+25,0.22276303680959436,2.308416272000729
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv b/output/MLP/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv
new file mode 100644
index 0000000..2f540c8
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_19/metrics_model_19.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+19,0.952829867272371,0.9935125115847087,0.9689922480612645,0.9962825278809483,0.9908940397350173,1072,125,4,7
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/model_19.pt b/output/MLP/chest/Sc_4_T/binary_two/model_19/model_19.pt
new file mode 100644
index 0000000..8bb126f
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_19/model_19.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png b/output/MLP/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png
new file mode 100644
index 0000000..89c766e
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_19/roc_curve_model_19.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy b/output/MLP/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy
new file mode 100644
index 0000000..62d9c10
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_19/train_losses_model_19.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy b/output/MLP/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy
new file mode 100644
index 0000000..8f02dc5
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_19/val_losses_model_19.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt b/output/MLP/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt
new file mode 100644
index 0000000..019943a
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_2/classification_report_model_2.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.98 0.95 0.96 129
+ 1 0.99 1.00 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.97 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png b/output/MLP/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png
new file mode 100644
index 0000000..00e2007
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_2/confusion_matrix_model_2.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png b/output/MLP/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png
new file mode 100644
index 0000000..ee672a1
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_2/loss_curve_model_2.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv b/output/MLP/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv
new file mode 100644
index 0000000..0206047
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_2/losses_model_2.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.5379054276792327,0.10176567865347262
+2,0.08240728649830413,0.15436173474349693
+3,0.05008660943086893,0.09812751791304758
+4,0.0472491131489777,0.08047365955922206
+5,0.04624255672531909,0.13501762517907606
+6,0.2753703631984239,0.412177282471807
+7,0.3744974786851308,0.7558857259003144
+8,0.2594690923475499,0.4310428679957365
+9,0.15057138162370898,1.6364855493258381
+10,0.5713661796522047,0.43308234983874905
+11,0.10511343672935063,0.45181176796386846
+12,0.12642555429598384,0.5677624128455206
+13,0.06935823022667564,0.6014658883442053
+14,0.016661907980058656,0.40860169016636855
+15,0.027029035813508594,0.5289951199484243
+16,0.013475264938214628,0.5092755488124896
+17,0.020124749642843706,0.4797427873661759
+18,0.05436882990673477,0.7278186395515869
+19,0.16157488972682307,2.922668556557292
+20,0.9833202178487658,2.6428609663440334
+21,0.4252920237638369,3.6556903469947075
+22,0.3885588687636655,1.9135479157970798
+23,0.1518089049533266,1.316116132514987
+24,0.058315699094923644,1.6149310886981727
+25,0.049961616452230725,1.2343117037127096
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv b/output/MLP/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv
new file mode 100644
index 0000000..b6e2361
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_2/metrics_model_2.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+2,0.9561539173393422,0.997219647821965,0.9457364341077941,0.9935364727607577,0.9917218543045536,1076,122,7,3
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/model_2.pt b/output/MLP/chest/Sc_4_T/binary_two/model_2/model_2.pt
new file mode 100644
index 0000000..0178ebd
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_2/model_2.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png b/output/MLP/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png
new file mode 100644
index 0000000..601e12a
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_2/roc_curve_model_2.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy b/output/MLP/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy
new file mode 100644
index 0000000..a7b28a1
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_2/train_losses_model_2.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy b/output/MLP/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy
new file mode 100644
index 0000000..6f6c755
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_2/val_losses_model_2.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt b/output/MLP/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt
new file mode 100644
index 0000000..b9e27b9
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_20/classification_report_model_20.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.96 0.96 129
+ 1 1.00 1.00 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.98 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png b/output/MLP/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png
new file mode 100644
index 0000000..9f047c1
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_20/confusion_matrix_model_20.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png b/output/MLP/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png
new file mode 100644
index 0000000..64b0195
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_20/loss_curve_model_20.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv b/output/MLP/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv
new file mode 100644
index 0000000..2b70489
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_20/losses_model_20.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.4873968457395263,0.6633995284265995
+2,0.08282193557802744,0.135442914045286
+3,0.12427585588304567,0.3530249664420059
+4,0.028087371311210228,0.15752378956009624
+5,0.07827600225695625,0.22436166568771906
+6,0.22019272046280913,7.659553527155622
+7,0.6552937656982387,0.6408104034921815
+8,0.12144155545450772,0.5646736866739891
+9,0.05536355370075738,0.42393598693879925
+10,0.12541129523959332,0.4910969460378418
+11,0.031619635909491954,2.459574824450637
+12,0.07376196887340984,0.9813959076972181
+13,0.029507224084626877,0.5625601980870595
+14,0.07918092100729916,1.2258428884354657
+15,0.3909828186992259,0.6416531955614476
+16,0.7879835174124633,1.6481460832780408
+17,0.31156424707299013,1.0655851842272785
+18,0.20024012930976487,1.0707315219738271
+19,0.048323515801880775,0.8746105411271337
+20,0.02040744292691017,0.9152844706161005
+21,0.02411996662649032,0.8855601305228147
+22,0.03179061273436589,0.9149256283356709
+23,0.015780847876419275,0.7847807823104338
+24,0.01019979647937187,0.7620344638280895
+25,0.01733545984022458,1.0046998934302638
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv b/output/MLP/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv
new file mode 100644
index 0000000..0f4562d
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_20/metrics_model_20.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+20,0.9608211270599696,0.9962928637626509,0.9612403100767744,0.9953703703702782,0.99254966887409,1075,124,5,4
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/model_20.pt b/output/MLP/chest/Sc_4_T/binary_two/model_20/model_20.pt
new file mode 100644
index 0000000..1acbf73
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_20/model_20.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png b/output/MLP/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png
new file mode 100644
index 0000000..0f0c49b
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_20/roc_curve_model_20.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy b/output/MLP/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy
new file mode 100644
index 0000000..bd20e1b
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_20/train_losses_model_20.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy b/output/MLP/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy
new file mode 100644
index 0000000..da2cbe2
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_20/val_losses_model_20.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt b/output/MLP/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt
new file mode 100644
index 0000000..d83f384
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_3/classification_report_model_3.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.98 0.97 129
+ 1 1.00 1.00 1.00 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.99 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png b/output/MLP/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png
new file mode 100644
index 0000000..f92864c
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_3/confusion_matrix_model_3.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png b/output/MLP/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png
new file mode 100644
index 0000000..6f096de
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_3/loss_curve_model_3.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv b/output/MLP/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv
new file mode 100644
index 0000000..529d795
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_3/losses_model_3.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.743241309443584,0.16102360355586287
+2,0.11357358420781603,0.0787380298964692
+3,0.07970101671553456,0.8790970679486787
+4,0.17246141242241148,0.5973316658607373
+5,0.11681614709585171,0.40637099169849067
+6,0.11274192793348166,0.5538817453294824
+7,0.05902501709878959,0.361059233887614
+8,0.09009884795217564,0.4316506294954457
+9,0.14393605000302212,0.7017225720469029
+10,0.15980095501487507,2.1520008004961477
+11,0.12147862769667697,0.7381330992906321
+12,0.15201743372905538,0.5945894568995059
+13,0.09105139730280022,2.8377219471851176
+14,0.07746427273398479,0.8458314171568065
+15,0.07976972719279683,0.5412522198970492
+16,0.10819234790294696,0.7017215395324163
+17,0.08083515163833613,0.7436656599804279
+18,0.26970984458691427,1.5106364296328636
+19,0.29535246748766153,2.180500826764112
+20,0.3676964888174223,10.111806898347792
+21,2.3447097975105406,6.506946363756733
+22,0.5350029329598114,3.22843159410742
+23,0.9534591534139742,2.8720099480161743
+24,0.038854651604165874,2.681207874685949
+25,0.03947346825174486,2.6723161483839566
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv b/output/MLP/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv
new file mode 100644
index 0000000..379c3bc
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_3/metrics_model_3.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+3,0.9697368472744522,0.9962928637626509,0.9767441860457545,0.9972170686455475,0.9942052980131627,1075,126,3,4
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/model_3.pt b/output/MLP/chest/Sc_4_T/binary_two/model_3/model_3.pt
new file mode 100644
index 0000000..2485175
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_3/model_3.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png b/output/MLP/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png
new file mode 100644
index 0000000..c5f1ab2
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_3/roc_curve_model_3.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy b/output/MLP/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy
new file mode 100644
index 0000000..5bf27f4
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_3/train_losses_model_3.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy b/output/MLP/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy
new file mode 100644
index 0000000..f339e4a
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_3/val_losses_model_3.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt b/output/MLP/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt
new file mode 100644
index 0000000..c76808a
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_4/classification_report_model_4.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.92 0.98 0.95 129
+ 1 1.00 0.99 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.96 0.98 0.97 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png b/output/MLP/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png
new file mode 100644
index 0000000..078c562
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_4/confusion_matrix_model_4.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png b/output/MLP/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png
new file mode 100644
index 0000000..00d0fbc
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_4/loss_curve_model_4.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv b/output/MLP/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv
new file mode 100644
index 0000000..9c96118
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_4/losses_model_4.csv
@@ -0,0 +1,26 @@
+epoch,train_loss,val_loss
+1,0.5550028016533978,0.07146945063295776
+2,0.1244938909270148,0.09171516333869859
+3,0.03784517093556719,0.05024006764375966
+4,0.030359117291275405,0.10633400561757818
+5,0.13718589360140715,0.293515527474747
+6,0.1501608805154864,0.44943163269586967
+7,0.396411348460174,0.18707433063818532
+8,0.12038517329728993,0.28473301200292284
+9,0.09034643964512341,0.15019361859715266
+10,0.05032864245880865,0.6165401794071809
+11,0.1156932991077644,1.0222578371570805
+12,0.26578974736063155,1.6523173281904493
+13,0.35879409093426246,2.0928611605157776
+14,0.09091702334788226,1.7755638211364708
+15,0.07295422218559035,1.3902516916405587
+16,0.017476710344842376,1.4210914694925425
+17,0.015681187418300782,1.3182226954890015
+18,0.015438670955493655,1.29619487741302
+19,0.029438407984939505,1.4228903518344762
+20,0.02757835123734387,2.1197331075226193
+21,0.15949709258827738,4.249184538756586
+22,0.11432398665491439,3.1853202365334194
+23,0.08350528182051328,2.334887364578821
+24,0.11711610435617476,2.692426836718912
+25,0.38834426192652144,1.598545061123948
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv b/output/MLP/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv
new file mode 100644
index 0000000..e5e108c
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_4/metrics_model_4.csv
@@ -0,0 +1,2 @@
+Model,MCC,Sensitivity,Specificity,Precision,Accuracy,tp,tn,fp,fn
+4,0.941401067818828,0.9898053753474523,0.9767441860457545,0.9971988795517276,0.9884105960264082,1068,126,3,11
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/model_4.pt b/output/MLP/chest/Sc_4_T/binary_two/model_4/model_4.pt
new file mode 100644
index 0000000..4b42cf1
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_4/model_4.pt differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png b/output/MLP/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png
new file mode 100644
index 0000000..8547c52
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_4/roc_curve_model_4.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy b/output/MLP/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy
new file mode 100644
index 0000000..e4e810c
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_4/train_losses_model_4.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy b/output/MLP/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy
new file mode 100644
index 0000000..1d46508
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_4/val_losses_model_4.npy differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt b/output/MLP/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt
new file mode 100644
index 0000000..f263a26
--- /dev/null
+++ b/output/MLP/chest/Sc_4_T/binary_two/model_5/classification_report_model_5.txt
@@ -0,0 +1,8 @@
+ precision recall f1-score support
+
+ 0 0.97 0.95 0.96 129
+ 1 0.99 1.00 0.99 1079
+
+ accuracy 0.99 1208
+ macro avg 0.98 0.97 0.98 1208
+weighted avg 0.99 0.99 0.99 1208
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png b/output/MLP/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png
new file mode 100644
index 0000000..062b4a6
Binary files /dev/null and b/output/MLP/chest/Sc_4_T/binary_two/model_5/confusion_matrix_model_5.png differ
diff --git a/output/MLP/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png b/output/MLP/chest/Sc_4_T/binary_two/model_5/loss_curve_model_5.png
new file mode 100644
index 0000000..79c1a94
Binary files /dev/null and b/output/MLP/c{"code":"internal","msg":"git-diff-tree: context deadline exceeded","meta":{"cause":"*fmt.wrapError"}}