LDpred-p+t#

LDpred is a tool for calculating Polygenic Risk Scores (PRS). This notebook demonstrates how to use LDpred to perform these calculations.

Repository: LDpred GitHub Repository

If you encounter issues with installing the software, kindly visit their issue tracker on GitHub.

Issue Tracker: Issue #131

Installation#

LDpred requires the following Python packages:

  • h5py

  • scipy

  • libplinkio (installable via pip)

To install libplinkio, you can use:

pip install plinkio

Alternatively, for a local installation:

pip install --user plinkio

You can install LDpred using pip:

pip install ldpred

Or clone the repository using git:

git clone https://github.com/bvilhjal/ldpred.git

Basic calculation#

Step 1: Create the Coordinate File#

First, synchronize your data (GWAS and genotype) by running:

ldpred coord

Usage:

LDpred coord [-h] --gf GF --ssf SSF [--N N] --out OUT [--vbim VBIM] [--vgf VGF] [--only-hm3] [--ilist ILIST]
              [--skip-coordination] [--eff_type {LOGOR,OR,LINREG,BLUP}] [--match-genomic-pos] [--maf MAF]
              [--max-freq-discrep MAX_FREQ_DISCREP] [--ssf-format {STANDARD,CUSTOM,BASIC,PGC,LDPRED,GIANT}]
              [--rs RS] [--A1 A1] [--A2 A2] [--pos POS] [--info INFO] [--chr CHR] [--reffreq REFFREQ]
              [--pval PVAL] [--eff EFF] [--se SE] [--ncol NCOL] [--case-freq CASE_FREQ]
              [--control-freq CONTROL_FREQ] [--case-n CASE_N] [--control-n CONTROL_N] [--z-from-se]

Arguments:

Option

Description

-h, --help

Show help message and exit.

--gf GF

LD Reference Genotype File. Full path filename prefix to a standard PLINK bed file (without .bed).

--ssf SSF

Summary Statistic File. Filename for a text file with the GWAS summary statistics.

--N N

Number of Individuals in Summary Statistic File. Required for most summary statistics formats.

--out OUT

Output Prefix.

--vbim VBIM

Validation SNP file. A PLINK BIM file (.bim) used to filter SNPs.

--vgf VGF

Validation genotype file. Filename prefix (without .bed) for filtering SNPs.

--only-hm3

Restrict analysis to 1.2M HapMap 3 SNPs.

--ilist ILIST

List of individuals to include in the analysis.

--skip-coordination

Assumes alleles have already been coordinated between LD reference, validation samples, and summary stats.

--eff_type {LOGOR,OR,LINREG,BLUP}

Type of effect estimates reported in the summary statistics.

--match-genomic-pos

Exclude SNPs from summary stats if their genomic positions differ from validation data.

--maf MAF

MAF filtering threshold. Set to 0 to disable MAF filtering.

--max-freq-discrep MAX_FREQ_DISCREP

Max frequency discrepancy allowed between reported sum stats frequency and frequency in the LD reference data.

--ssf-format {STANDARD,CUSTOM,BASIC,PGC,LDPRED,GIANT}

Format type of the summary statistics file.

--rs RS

Column header of SNP ID.

--A1 A1

Column header containing the effective allele.

--A2 A2

Column header containing non-effective allele.

--pos POS

Column header containing the coordinate of SNPs.

--info INFO

Column header containing the INFO score.

--chr CHR

Column header containing the chromosome information.

--reffreq REFFREQ

Column header containing the reference MAF.

--pval PVAL

Column header containing the P-value information.

--eff EFF

Column header containing effect size information.

--se SE

Column header containing standard error.

--ncol NCOL

Column header containing sample size information.

--case-freq CASE_FREQ

Column header containing case frequency information.

--control-freq CONTROL_FREQ

Column header containing control frequency information.

--case-n CASE_N

Column header containing case sample size information.

--control-n CONTROL_N

Column header containing control sample size information.

--z-from-se

Derive effects using effect estimates and their standard errors.

Step 2: Generate LDpred SNP Weights#

After generating the coordinated data file, apply LDpred by running:

ldpred gibbs/p+t/inf

Usage:

LDpred gibbs/p+t/inf [-h] --cf CF --ldr LDR --out OUT [--p P [P ...]] [--r2 R2 [R2 ...]]

Arguments:

Option

Description

-h, --help

Show help message and exit.

--cf CF

Coordinated file (generated using ldpred coord). Full path filename.

--ldr LDR

LD radius. Number of SNPs on each side of the focal SNP for which LD should be adjusted.

--out OUT

Output Prefix for SNP weights.

--p P [P ...]

P value thresholds.

--r2 R2 [R2 ...]

LD R2 thresholds. Maximum LD squared correlation allowed between any SNPs within the given LD-radius.

                                                           |

References#

GWAS File Processing for LDpred for Binary Phenotypes#

LDpred can process both Odds Ratios (OR) and BETAs and generates new BETAs for both binary and continuous phenotypes. In our workflow, we first generate BETAs from ORs and then use these BETAs to create a model using the specified LDpred model.

import os
import pandas as pd
import numpy as np
import sys


#filedirec = sys.argv[1]

filedirec = "SampleData1"
#filedirec = "asthma_19"
#filedirec = "migraine_0"

def check_phenotype_is_binary_or_continous(filedirec):
    # Read the processed quality controlled file for a phenotype
    df = pd.read_csv(filedirec+os.sep+filedirec+'_QC.fam',sep="\s+",header=None)
    column_values = df[5].unique()
 
    if len(set(column_values)) == 2:
        return "Binary"
    else:
        return "Continous"



# Read the GWAS file.
GWAS = filedirec + os.sep + filedirec+".gz"
df = pd.read_csv(GWAS,compression= "gzip",sep="\s+")

if check_phenotype_is_binary_or_continous(filedirec)=="Binary":
    if "BETA" in df.columns.to_list():
        # For Binary Phenotypes.
        df["OR"] = np.exp(df["BETA"])
        df["SE"] = df["BETA"] * df["SE"]
        df = df[['CHR', 'BP', 'SNP', 'A1', 'A2', 'N', 'SE', 'P', 'OR', 'INFO', 'MAF']]
 
    else:
        # For Binary Phenotype.
        df = df[['CHR', 'BP', 'SNP', 'A1', 'A2', 'N', 'SE', 'P', 'OR', 'INFO', 'MAF']]
    
    df = df.rename(columns={
        'CHR':'CHR',
        'BP': 'POS',         # Rename 'BP' to 'POS'
        'SNP': 'SNP_ID',     # Rename 'SNP' to 'SNP_ID'
        'A1': 'REF',         # Rename 'A1' to 'REF'
        'A2': 'ALT',         # Rename 'A2' to 'ALT'
        'MAF': 'REF_FRQ',   
        'P': 'PVAL',        
        'OR':'OR',
        
        
    })
    df = df[['CHR', 'POS', 'SNP_ID', 'REF', 'ALT', 'REF_FRQ', 'PVAL', 'OR', 'SE', 'N']]

  
elif check_phenotype_is_binary_or_continous(filedirec)=="Continous":
    if "BETA" in df.columns.to_list():
        # For Continous Phenotype.
        df = df[['CHR', 'BP', 'SNP', 'A1', 'A2', 'N', 'SE', 'P', 'BETA', 'INFO', 'MAF']]

    else:
        df["BETA"] = np.log(df["OR"])
        df["SE"] = df["SE"]/df["OR"]
        df = df[['CHR', 'BP', 'SNP', 'A1', 'A2', 'N', 'SE', 'P', 'BETA', 'INFO', 'MAF']]
    
    
    df = df.rename(columns={
        'CHR':'CHR',
        'BP': 'POS',         # Rename 'BP' to 'POS'
        'SNP': 'SNP_ID',     # Rename 'SNP' to 'SNP_ID'
        'A1': 'REF',         # Rename 'A1' to 'REF'
        'A2': 'ALT',         # Rename 'A2' to 'ALT'
        'MAF': 'REF_FRQ',   
        'P': 'PVAL',        
        'BETA':'BETA',
        
        
    })
    df = df[['CHR', 'POS', 'SNP_ID', 'REF', 'ALT', 'REF_FRQ', 'PVAL', 'BETA', 'SE', 'N']]

 
    
N = df["N"].mean()

  


df.to_csv(filedirec + os.sep +filedirec+"_ldpredpt.txt",sep="\t",index=False)
print(df.head().to_markdown())
print("Length of DataFrame!",len(df))
|    |   CHR |    POS | SNP_ID     | REF   | ALT   |   REF_FRQ |     PVAL |        BETA |         SE |      N |
|---:|------:|-------:|:-----------|:------|:------|----------:|---------:|------------:|-----------:|-------:|
|  0 |     1 | 756604 | rs3131962  | A     | G     |  0.36939  | 0.483171 | -0.00211532 | 0.00302305 | 388028 |
|  1 |     1 | 768448 | rs12562034 | A     | G     |  0.336846 | 0.834808 |  0.00068708 | 0.00329246 | 388028 |
|  2 |     1 | 779322 | rs4040617  | G     | A     |  0.377368 | 0.42897  | -0.00239932 | 0.00304073 | 388028 |
|  3 |     1 | 801536 | rs79373928 | G     | T     |  0.483212 | 0.808999 |  0.00203363 | 0.00839615 | 388028 |
|  4 |     1 | 808631 | rs11240779 | G     | A     |  0.45041  | 0.590265 |  0.00130747 | 0.00242504 | 388028 |
Length of DataFrame! 499617

Define Hyperparameters#

Define hyperparameters to be optimized and set initial values.

Extract Valid SNPs from Clumped File#

For Windows, download gwak, and for Linux, the awk command is sufficient. For Windows, GWAK is required. You can download it from here. Get it and place it in the same directory.

Execution Path#

At this stage, we have the genotype training data newtrainfilename = "train_data.QC" and genotype test data newtestfilename = "test_data.QC".

We modified the following variables:

  1. filedirec = "SampleData1" or filedirec = sys.argv[1]

  2. foldnumber = "0" or foldnumber = sys.argv[2] for HPC.

Only these two variables can be modified to execute the code for specific data and specific folds. Though the code can be executed separately for each fold on HPC and separately for each dataset, it is recommended to execute it for multiple diseases and one fold at a time. Here’s the corrected text in Markdown format:

P-values#

PRS calculation relies on P-values. SNPs with low P-values, indicating a high degree of association with a specific trait, are considered for calculation.

You can modify the code below to consider a specific set of P-values and save the file in the same format.

We considered the following parameters:

  • Minimum P-value: 1e-10

  • Maximum P-value: 1.0

  • Minimum exponent: 10 (Minimum P-value in exponent)

  • Number of intervals: 100 (Number of intervals to be considered)

The code generates an array of logarithmically spaced P-values:

import numpy as np
import os

minimumpvalue = 10  # Minimum exponent for P-values
numberofintervals = 100  # Number of intervals to be considered

allpvalues = np.logspace(-minimumpvalue, 0, numberofintervals, endpoint=True)  # Generating an array of logarithmically spaced P-values

print("Minimum P-value:", allpvalues[0])
print("Maximum P-value:", allpvalues[-1])

count = 1
with open(os.path.join(folddirec, 'range_list'), 'w') as file:
    for value in allpvalues:
        file.write(f'pv_{value} 0 {value}\n')  # Writing range information to the 'range_list' file
        count += 1

pvaluefile = os.path.join(folddirec, 'range_list')

In this code:

  • minimumpvalue defines the minimum exponent for P-values.

  • numberofintervals specifies how many intervals to consider.

  • allpvalues generates an array of P-values spaced logarithmically.

  • The script writes these P-values to a file named range_list in the specified directory.

from operator import index
import pandas as pd
import numpy as np
import os
import subprocess
import sys
import pandas as pd
import statsmodels.api as sm
import pandas as pd
from sklearn.metrics import roc_auc_score, confusion_matrix
from statsmodels.stats.contingency_tables import mcnemar

def create_directory(directory):
    """Function to create a directory if it doesn't exist."""
    if not os.path.exists(directory):  # Checking if the directory doesn't exist
        os.makedirs(directory)  # Creating the directory if it doesn't exist
    return directory  # Returning the created or existing directory

 
#foldnumber = sys.argv[1]
foldnumber = "1"  # Setting 'foldnumber' to "0"

folddirec = filedirec + os.sep + "Fold_" + foldnumber  # Creating a directory path for the specific fold
trainfilename = "train_data"  # Setting the name of the training data file
newtrainfilename = "train_data.QC"  # Setting the name of the new training data file

testfilename = "test_data"  # Setting the name of the test data file
newtestfilename = "test_data.QC"  # Setting the name of the new test data file

# Number of PCA to be included as a covariate.
numberofpca = ["6"]  # Setting the number of PCA components to be included

# Clumping parameters.
clump_p1 = [1]  # List containing clump parameter 'p1'
clump_r2 = [0.1]  # List containing clump parameter 'r2'
clump_kb = [200]  # List containing clump parameter 'kb'

# Pruning parameters.
p_window_size = [200]  # List containing pruning parameter 'window_size'
p_slide_size = [50]  # List containing pruning parameter 'slide_size'
p_LD_threshold = [0.25]  # List containing pruning parameter 'LD_threshold'

# Kindly note that the number of p-values to be considered varies, and the actual p-value depends on the dataset as well.
# We will specify the range list here.

minimumpvalue = 10  # Minimum p-value in exponent
numberofintervals = 20  # Number of intervals to be considered
allpvalues = np.logspace(-minimumpvalue, 0, numberofintervals, endpoint=True)  # Generating an array of logarithmically spaced p-values



count = 1
with open(folddirec + os.sep + 'range_list', 'w') as file:
    for value in allpvalues:
        file.write(f'pv_{value} 0 {value}\n')  # Writing range information to the 'range_list' file
        count = count + 1

pvaluefile = folddirec + os.sep + 'range_list'

# Initializing an empty DataFrame with specified column names
prs_result = pd.DataFrame(columns=["clump_p1", "clump_r2", "clump_kb", "p_window_size", "p_slide_size", "p_LD_threshold",
                                   "pvalue", "numberofpca","numberofvariants","Train_pure_prs", "Train_null_model", "Train_best_model",
                                   "Test_pure_prs", "Test_null_model", "Test_best_model"])

Define Helper Functions#

  1. Perform Clumping and Pruning

  2. Calculate PCA Using Plink

  3. Fit Binary Phenotype and Save Results

  4. Fit Continuous Phenotype and Save Results

import os
import subprocess
import pandas as pd
import statsmodels.api as sm
from sklearn.metrics import explained_variance_score


def perform_clumping_and_pruning_on_individual_data(traindirec, newtrainfilename,numberofpca, p1_val, p2_val, p3_val, c1_val, c2_val, c3_val,Name,pvaluefile):
    
    command = [
    "./plink",
    "--bfile", traindirec+os.sep+newtrainfilename,
    "--indep-pairwise", p1_val, p2_val, p3_val,
    "--out", traindirec+os.sep+trainfilename
    ]
    subprocess.run(command)
    # First perform pruning and then clumping and the pruning.

    command = [
    "./plink",
    "--bfile", traindirec+os.sep+newtrainfilename,
    "--clump-p1", c1_val,
    "--extract", traindirec+os.sep+trainfilename+".prune.in",
    "--clump-r2", c2_val,
    "--clump-kb", c3_val,
    "--clump", filedirec+os.sep+filedirec+".txt",
    "--clump-snp-field", "SNP",
    "--clump-field", "P",
    "--out", traindirec+os.sep+trainfilename
    ]    
    subprocess.run(command)

    # Extract the valid SNPs from th clumped file.
    # For windows download gwak for linux awk commmand is sufficient.
    ### For windows require GWAK.
    ### https://sourceforge.net/projects/gnuwin32/
    ##3 Get it and place it in the same direc.
    #os.system("gawk "+"\""+"NR!=1{print $3}"+"\"  "+ traindirec+os.sep+trainfilename+".clumped >  "+traindirec+os.sep+trainfilename+".valid.snp")
    #print("gawk "+"\""+"NR!=1{print $3}"+"\"  "+ traindirec+os.sep+trainfilename+".clumped >  "+traindirec+os.sep+trainfilename+".valid.snp")

    #Linux:
    #Linux:
    command = f"awk 'NR!=1{{print $3}}' {traindirec}{os.sep}{trainfilename}.clumped > {traindirec}{os.sep}{trainfilename}.valid.snp"
    os.system(command)
    
    
    
    command = [
    "./plink",
    "--make-bed",
    "--bfile", traindirec+os.sep+newtrainfilename,
    "--indep-pairwise", p1_val, p2_val, p3_val,
    "--extract", traindirec+os.sep+trainfilename+".valid.snp",
    "--out", traindirec+os.sep+newtrainfilename+".clumped.pruned"
    ]
    subprocess.run(command)
    
    command = [
    "./plink",
    "--make-bed",
    "--bfile", traindirec+os.sep+testfilename,
    "--indep-pairwise", p1_val, p2_val, p3_val,
    "--extract", traindirec+os.sep+trainfilename+".valid.snp",
    "--out", traindirec+os.sep+testfilename+".clumped.pruned"
    ]
    subprocess.run(command)    
    
    
 
def calculate_pca_for_traindata_testdata_for_clumped_pruned_snps(traindirec, newtrainfilename,p):
    
    # Calculate the PRS for the test data using the same set of SNPs and also calculate the PCA.


    # Also extract the PCA at this point.
    # PCA are calculated afer clumping and pruining.
    command = [
        "./plink",
        "--bfile", folddirec+os.sep+testfilename+".clumped.pruned",
        # Select the final variants after clumping and pruning.
        "--extract", traindirec+os.sep+trainfilename+".valid.snp",
        "--pca", p,
        "--out", folddirec+os.sep+testfilename
    ]
    subprocess.run(command)


    command = [
    "./plink",
        "--bfile", traindirec+os.sep+newtrainfilename+".clumped.pruned",
        # Select the final variants after clumping and pruning.        
        "--extract", traindirec+os.sep+trainfilename+".valid.snp",
        "--pca", p,
        "--out", traindirec+os.sep+trainfilename
    ]
    subprocess.run(command)

# This function fit the binary model on the PRS.
def fit_binary_phenotype_on_PRS(traindirec, newtrainfilename,p,radius,betafile,colname, p1_val, p2_val, p3_val, c1_val, c2_val, c3_val,Name,pvaluefile):
    threshold_values = allpvalues

    # Merge the covariates, pca and phenotypes.
    tempphenotype_train = pd.read_table(traindirec+os.sep+newtrainfilename+".clumped.pruned"+".fam", sep="\s+",header=None)
    phenotype_train = pd.DataFrame()
    phenotype_train["Phenotype"] = tempphenotype_train[5].values
    pcs_train = pd.read_table(traindirec+os.sep+trainfilename+".eigenvec", sep="\s+",header=None, names=["FID", "IID"] + [f"PC{str(i)}" for i in range(1, int(p)+1)])
    covariate_train = pd.read_table(traindirec+os.sep+trainfilename+".cov",sep="\s+")
    covariate_train.fillna(0, inplace=True)
    covariate_train = covariate_train[covariate_train["FID"].isin(pcs_train["FID"].values) & covariate_train["IID"].isin(pcs_train["IID"].values)]
    covariate_train['FID'] = covariate_train['FID'].astype(str)
    pcs_train['FID'] = pcs_train['FID'].astype(str)
    covariate_train['IID'] = covariate_train['IID'].astype(str)
    pcs_train['IID'] = pcs_train['IID'].astype(str)
    covandpcs_train = pd.merge(covariate_train, pcs_train, on=["FID","IID"])
    covandpcs_train.fillna(0, inplace=True)


    ## Scale the covariates!
    from sklearn.preprocessing import MinMaxScaler
    from sklearn.metrics import explained_variance_score
    scaler = MinMaxScaler()
    normalized_values_train = scaler.fit_transform(covandpcs_train.iloc[:, 2:])
    #covandpcs_train.iloc[:, 2:] = normalized_values_test 
    
    
    tempphenotype_test = pd.read_table(traindirec+os.sep+testfilename+".clumped.pruned"+".fam", sep="\s+",header=None)
    phenotype_test= pd.DataFrame()
    phenotype_test["Phenotype"] = tempphenotype_test[5].values
    pcs_test = pd.read_table(traindirec+os.sep+testfilename+".eigenvec", sep="\s+",header=None, names=["FID", "IID"] + [f"PC{str(i)}" for i in range(1, int(p)+1)])
    covariate_test = pd.read_table(traindirec+os.sep+testfilename+".cov",sep="\s+")
    covariate_test.fillna(0, inplace=True)
    covariate_test = covariate_test[covariate_test["FID"].isin(pcs_test["FID"].values) & covariate_test["IID"].isin(pcs_test["IID"].values)]
    covariate_test['FID'] = covariate_test['FID'].astype(str)
    pcs_test['FID'] = pcs_test['FID'].astype(str)
    covariate_test['IID'] = covariate_test['IID'].astype(str)
    pcs_test['IID'] = pcs_test['IID'].astype(str)
    covandpcs_test = pd.merge(covariate_test, pcs_test, on=["FID","IID"])
    covandpcs_test.fillna(0, inplace=True)
    normalized_values_test  = scaler.transform(covandpcs_test.iloc[:, 2:])
    #covandpcs_test.iloc[:, 2:] = normalized_values_test     
    
    
    
    
    tempalphas = [0.1,0.2,0.3,0.4,0.5,0.6,0.7,0.8,0.9]
    l1weights = [0.1,0.2,0.3,0.4,0.5,0.6,0.7,0.8,0.9]

    tempalphas = [0.1]
    l1weights = [0.1]

    phenotype_train["Phenotype"] = phenotype_train["Phenotype"].replace({1: 0, 2: 1}) 
    phenotype_test["Phenotype"] = phenotype_test["Phenotype"].replace({1: 0, 2: 1})
      
    for tempalpha in tempalphas:
        for l1weight in l1weights:

            
            try:
                null_model =  sm.Logit(phenotype_train["Phenotype"], sm.add_constant(covandpcs_train.iloc[:, 2:])).fit_regularized(alpha=tempalpha, L1_wt=l1weight)
                #null_model =  sm.Logit(phenotype_train["Phenotype"], sm.add_constant(covandpcs_train.iloc[:, 2:])).fit()
            
            except:
                print("XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX")
                continue

            train_null_predicted = null_model.predict(sm.add_constant(covandpcs_train.iloc[:, 2:]))
            
            from sklearn.metrics import roc_auc_score, confusion_matrix
            from sklearn.metrics import r2_score
            
            test_null_predicted = null_model.predict(sm.add_constant(covandpcs_test.iloc[:, 2:]))
            
           
            
            global prs_result 
            for i in threshold_values:
                try:
                    prs_train = pd.read_table(traindirec+os.sep+Name+os.sep+"train_data.pv_"+f"{i}.profile", sep="\s+", usecols=["FID", "IID", "SCORE"])
                except:
                    continue

                prs_train['FID'] = prs_train['FID'].astype(str)
                prs_train['IID'] = prs_train['IID'].astype(str)
                try:
                    prs_test = pd.read_table(traindirec+os.sep+Name+os.sep+"test_data.pv_"+f"{i}.profile", sep="\s+", usecols=["FID", "IID", "SCORE"])
                except:
                    continue
                prs_test['FID'] = prs_test['FID'].astype(str)
                prs_test['IID'] = prs_test['IID'].astype(str)
                pheno_prs_train = pd.merge(covandpcs_train, prs_train, on=["FID", "IID"])
                pheno_prs_test = pd.merge(covandpcs_test, prs_test, on=["FID", "IID"])
        
                try:
                    model = sm.Logit(phenotype_train["Phenotype"], sm.add_constant(pheno_prs_train.iloc[:, 2:])).fit_regularized(alpha=tempalpha, L1_wt=l1weight)
                    #model = sm.Logit(phenotype_train["Phenotype"], sm.add_constant(pheno_prs_train.iloc[:, 2:])).fit()
                
                except:
                    continue


                
                train_best_predicted = model.predict(sm.add_constant(pheno_prs_train.iloc[:, 2:]))    
 

                test_best_predicted = model.predict(sm.add_constant(pheno_prs_test.iloc[:, 2:])) 
 
        
                from sklearn.metrics import roc_auc_score, confusion_matrix

                prs_result = prs_result._append({
                    "clump_p1": c1_val,
                    "clump_r2": c2_val,
                    "clump_kb": c3_val,
                    "p_window_size": p1_val,
                    "p_slide_size": p2_val,
                    "p_LD_threshold": p3_val,
                    "pvalue": i,
                    "numberofpca":p, 

                    "tempalpha":str(tempalpha),
                    "l1weight":str(l1weight),
           
                    "ldradius":radius,
                    "ldfilename":betafile,
                    "colname":colname,
                    
                     

                    "Train_pure_prs":roc_auc_score(phenotype_train["Phenotype"].values,prs_train['SCORE'].values),
                    "Train_null_model":roc_auc_score(phenotype_train["Phenotype"].values,train_null_predicted.values),
                    "Train_best_model":roc_auc_score(phenotype_train["Phenotype"].values,train_best_predicted.values),
                    
                    "Test_pure_prs":roc_auc_score(phenotype_test["Phenotype"].values,prs_test['SCORE'].values),
                    "Test_null_model":roc_auc_score(phenotype_test["Phenotype"].values,test_null_predicted.values),
                    "Test_best_model":roc_auc_score(phenotype_test["Phenotype"].values,test_best_predicted.values),
                    
                }, ignore_index=True)

          
                prs_result.to_csv(traindirec+os.sep+Name+os.sep+"Results.csv",index=False)
     
    return

# This function fit the binary model on the PRS.
def fit_continous_phenotype_on_PRS(traindirec, newtrainfilename,p,radius,betafile,colname, p1_val, p2_val, p3_val, c1_val, c2_val, c3_val,Name,pvaluefile):
    threshold_values = allpvalues

    # Merge the covariates, pca and phenotypes.
    tempphenotype_train = pd.read_table(traindirec+os.sep+newtrainfilename+".clumped.pruned"+".fam", sep="\s+",header=None)
    phenotype_train = pd.DataFrame()
    phenotype_train["Phenotype"] = tempphenotype_train[5].values
    pcs_train = pd.read_table(traindirec+os.sep+trainfilename+".eigenvec", sep="\s+",header=None, names=["FID", "IID"] + [f"PC{str(i)}" for i in range(1, int(p)+1)])
    covariate_train = pd.read_table(traindirec+os.sep+trainfilename+".cov",sep="\s+")
    covariate_train.fillna(0, inplace=True)
    covariate_train = covariate_train[covariate_train["FID"].isin(pcs_train["FID"].values) & covariate_train["IID"].isin(pcs_train["IID"].values)]
    covariate_train['FID'] = covariate_train['FID'].astype(str)
    pcs_train['FID'] = pcs_train['FID'].astype(str)
    covariate_train['IID'] = covariate_train['IID'].astype(str)
    pcs_train['IID'] = pcs_train['IID'].astype(str)
    covandpcs_train = pd.merge(covariate_train, pcs_train, on=["FID","IID"])
    covandpcs_train.fillna(0, inplace=True)


    ## Scale the covariates!
    from sklearn.preprocessing import MinMaxScaler
    from sklearn.metrics import explained_variance_score
    scaler = MinMaxScaler()
    normalized_values_train = scaler.fit_transform(covandpcs_train.iloc[:, 2:])
    #covandpcs_train.iloc[:, 2:] = normalized_values_test 
    
    tempphenotype_test = pd.read_table(traindirec+os.sep+testfilename+".clumped.pruned"+".fam", sep="\s+",header=None)
    phenotype_test= pd.DataFrame()
    phenotype_test["Phenotype"] = tempphenotype_test[5].values
    pcs_test = pd.read_table(traindirec+os.sep+testfilename+".eigenvec", sep="\s+",header=None, names=["FID", "IID"] + [f"PC{str(i)}" for i in range(1, int(p)+1)])
    covariate_test = pd.read_table(traindirec+os.sep+testfilename+".cov",sep="\s+")
    covariate_test.fillna(0, inplace=True)
    covariate_test = covariate_test[covariate_test["FID"].isin(pcs_test["FID"].values) & covariate_test["IID"].isin(pcs_test["IID"].values)]
    covariate_test['FID'] = covariate_test['FID'].astype(str)
    pcs_test['FID'] = pcs_test['FID'].astype(str)
    covariate_test['IID'] = covariate_test['IID'].astype(str)
    pcs_test['IID'] = pcs_test['IID'].astype(str)
    covandpcs_test = pd.merge(covariate_test, pcs_test, on=["FID","IID"])
    covandpcs_test.fillna(0, inplace=True)
    normalized_values_test  = scaler.transform(covandpcs_test.iloc[:, 2:])
    #covandpcs_test.iloc[:, 2:] = normalized_values_test     
    
    
    
    
    tempalphas = [0.1,0.2,0.3,0.4,0.5,0.6,0.7,0.8,0.9]
    l1weights = [0.1,0.2,0.3,0.4,0.5,0.6,0.7,0.8,0.9]

    tempalphas = [0.1]
    l1weights = [0.1]

    #phenotype_train["Phenotype"] = phenotype_train["Phenotype"].replace({1: 0, 2: 1}) 
    #phenotype_test["Phenotype"] = phenotype_test["Phenotype"].replace({1: 0, 2: 1})
      
    for tempalpha in tempalphas:
        for l1weight in l1weights:

            
            try:
                #null_model =  sm.OLS(phenotype_train["Phenotype"], sm.add_constant(covandpcs_train.iloc[:, 2:])).fit_regularized(alpha=tempalpha, L1_wt=l1weight)
                null_model =  sm.OLS(phenotype_train["Phenotype"], sm.add_constant(covandpcs_train.iloc[:, 2:])).fit()
                #null_model =  sm.OLS(phenotype_train["Phenotype"], sm.add_constant(covandpcs_train.iloc[:, 2:])).fit()
            except:
                print("XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX")
                continue

            train_null_predicted = null_model.predict(sm.add_constant(covandpcs_train.iloc[:, 2:]))
            
            from sklearn.metrics import roc_auc_score, confusion_matrix
            from sklearn.metrics import r2_score
            
            test_null_predicted = null_model.predict(sm.add_constant(covandpcs_test.iloc[:, 2:]))
            
            
            
            global prs_result 
            for i in threshold_values:
                try:
                    prs_train = pd.read_table(traindirec+os.sep+Name+os.sep+"train_data.pv_"+f"{i}.profile", sep="\s+", usecols=["FID", "IID", "SCORE"])
                except:
                    continue

                prs_train['FID'] = prs_train['FID'].astype(str)
                prs_train['IID'] = prs_train['IID'].astype(str)
                try:
                    prs_test = pd.read_table(traindirec+os.sep+Name+os.sep+"test_data.pv_"+f"{i}.profile", sep="\s+", usecols=["FID", "IID", "SCORE"])
                except:
                    continue
                prs_test['FID'] = prs_test['FID'].astype(str)
                prs_test['IID'] = prs_test['IID'].astype(str)
                pheno_prs_train = pd.merge(covandpcs_train, prs_train, on=["FID", "IID"])
                pheno_prs_test = pd.merge(covandpcs_test, prs_test, on=["FID", "IID"])
        
                try:
                    #model = sm.OLS(phenotype_train["Phenotype"], sm.add_constant(pheno_prs_train.iloc[:, 2:])).fit_regularized(alpha=tempalpha, L1_wt=l1weight)
                    model = sm.OLS(phenotype_train["Phenotype"], sm.add_constant(pheno_prs_train.iloc[:, 2:])).fit()
                
                except:
                    continue


                
                train_best_predicted = model.predict(sm.add_constant(pheno_prs_train.iloc[:, 2:]))    
                test_best_predicted = model.predict(sm.add_constant(pheno_prs_test.iloc[:, 2:])) 
 
        
                from sklearn.metrics import roc_auc_score, confusion_matrix

                prs_result = prs_result._append({
                    "clump_p1": c1_val,
                    "clump_r2": c2_val,
                    "clump_kb": c3_val,
                    "p_window_size": p1_val,
                    "p_slide_size": p2_val,
                    "p_LD_threshold": p3_val,
                    "pvalue": i,
                    "numberofpca":p, 

                    "tempalpha":str(tempalpha),
                    "l1weight":str(l1weight),
                     
                    
                    "ldradius":radius,
                    "ldfilename":betafile,
                    "colname":colname,
                    
                    "Train_pure_prs":explained_variance_score(phenotype_train["Phenotype"],prs_train['SCORE'].values),
                    "Train_null_model":explained_variance_score(phenotype_train["Phenotype"],train_null_predicted),
                    "Train_best_model":explained_variance_score(phenotype_train["Phenotype"],train_best_predicted),
                    
                    "Test_pure_prs":explained_variance_score(phenotype_test["Phenotype"],prs_test['SCORE'].values),
                    "Test_null_model":explained_variance_score(phenotype_test["Phenotype"],test_null_predicted),
                    "Test_best_model":explained_variance_score(phenotype_test["Phenotype"],test_best_predicted),
                    
                }, ignore_index=True)

          
                prs_result.to_csv(traindirec+os.sep+Name+os.sep+"Results.csv",index=False)
     
    return

Execute LDpred-p+t#

# Define a global variable to store results
prs_result = pd.DataFrame()
def transform_plink_data(traindirec, newtrainfilename,p,radius,r2, p1_val, p2_val, p3_val, c1_val, c2_val, c3_val,Name,pvaluefile):
    ### First perform clumping on the file and save the clumpled file.
    #perform_clumping_and_pruning_on_individual_data(traindirec, newtrainfilename,p, p1_val, p2_val, p3_val, c1_val, c2_val, c3_val,Name,pvaluefile)
    
    #newtrainfilename = newtrainfilename+".clumped.pruned"
    #testfilename = testfilename+".clumped.pruned"
    
    
    #clupmedfile = traindirec+os.sep+newtrainfilename+".clump"
    #prunedfile = traindirec+os.sep+newtrainfilename+".clumped.pruned"

        
    # Also extract the PCA at this point for both test and training data.
    #calculate_pca_for_traindata_testdata_for_clumped_pruned_snps(traindirec, newtrainfilename,p)

    #Extract p-values from the GWAS file.
    # Command for Linux.
    os.system("awk "+"\'"+"{print $3,$8}"+"\'"+" ./"+filedirec+os.sep+filedirec+".txt >  ./"+traindirec+os.sep+"SNP.pvalue")

    # Command for windows.
    ### For windows get GWAK.
    ### https://sourceforge.net/projects/gnuwin32/
    ##3 Get it and place it in the same direc.
    #os.system("gawk "+"\""+"{print $3,$8}"+"\""+" ./"+filedirec+os.sep+filedirec+".txt >  ./"+traindirec+os.sep+"SNP.pvalue")
    #print("gawk "+"\""+"{print $3,$8}"+"\""+" ./"+filedirec+os.sep+filedirec+".txt >  ./"+traindirec+os.sep+"SNP.pvalue")

    #exit(0)
    
    # Delete files generated in the previous iteration.
    files_to_remove = [
        traindirec+os.sep+"ldpred_pt_gwas",
 
    ]

    # Loop through the files and directories and remove them if they exist
    for file_path in files_to_remove:
        if os.path.exists(file_path):
            if os.path.isfile(file_path):
                os.remove(file_path)
                print(f"Removed file: {file_path}")
            elif os.path.isdir(file_path):
                shutil.rmtree(file_path)
                print(f"Removed directory: {file_path}")
        else:
            print(f"File or directory does not exist: {file_path}")     
    
    
    output_file = os.path.join(traindirec, "output_file.h5")

    # Check if the file exists and remove it
    if os.path.exists(output_file):
        os.remove(output_file)
        print(f"Removed existing file: {output_file}")

   

    import glob
    
    # Use glob to find all files starting with 'ld.h5_LDpred_' in the specified directory
    file_pattern = os.path.join(traindirec, 'ld.h5_P+T*')
    file_list = glob.glob(file_pattern)
    for file_path in file_list:
        if os.path.exists(file_path):
            os.remove(file_path)
            print(f"Removed: {file_path}")
        else:
            print(f"File not found: {file_path}")
            
    import glob
    # Use glob to find all files starting with 'ld.h5_LDpred_' in the specified directory
    file_pattern = os.path.join(traindirec, 'inf_*')
    file_list = glob.glob(file_pattern)
    for file_path in file_list:
        if os.path.exists(file_path):
            os.remove(file_path)
            print(f"Removed: {file_path}")
        else:
            print(f"File not found: {file_path}")  
            
            
    # LDpred-inf process 4 different types of effect sizes. For our data, we had BETAS and OR, and if you have SBLUP effects
    # Kindly use the cooresponding effect sizes. 
    
    if check_phenotype_is_binary_or_continous(filedirec)=="Binary":
        eff_type = "OR" 
        eff = "OR"
    else:
        eff_type = "LOGOR" 
        eff = "BETA"

    gwas_file = filedirec + os.sep +filedirec+"_ldpredpt.txt" 


    bim_file = traindirec + os.sep + newtrainfilename+".clumped.pruned.bim"

    # Read the files
    df = pd.read_csv(gwas_file, sep="\s+" )
    bim = pd.read_csv(bim_file, delim_whitespace=True, header=None)

    print(len(df))
    print(len(bim))

    # Create a 'match' column to find common SNPs
    bim['match'] = bim[0].astype(str) + "_" + bim[3].astype(str) + "_" + bim[4].astype(str) + "_" + bim[5].astype(str)
    df['match'] = df['CHR'].astype(str) + "_" + df['POS'].astype(str) + "_" + df['REF'].astype(str) + "_" + df['ALT'].astype(str)

    # Drop duplicates based on the 'match' column
    df.drop_duplicates(subset='match', inplace=True)
    bim.drop_duplicates(subset='match', inplace=True)

    # Filter dataframes to keep only matching SNPs
    df = df[df['match'].isin(bim['match'].values)]
    bim = bim[bim['match'].isin(df['match'].values)]
 
    
    del df["match"]
    del bim["match"]
    df.to_csv(traindirec+os.sep+filedirec+".ldpredpt",sep="\t",index=None)   
    bim.to_csv(traindirec + os.sep +  "commonsnps.txt",sep="\t",index=None)
    
    
    command = [
    './plink', 
    '--bfile', traindirec+os.sep+newtrainfilename,
    '--extract', traindirec + os.sep +  "commonsnps.txt", 
    '--make-bed', 
    '--chr','1-22',
    '--out', traindirec+os.sep+newtrainfilename+".clumped.pruned"
    ]
    subprocess.run(command)
    
    command = [
        "ldpred", "coord",
        "--gf",  traindirec+os.sep+newtrainfilename+".clumped.pruned",
        "--ssf", traindirec+os.sep+filedirec+".ldpredpt",
        "--out", traindirec+os.sep+"output_file.h5",
        "--N", str(int(N)),
        "--eff_type", eff_type,
        "--maf", "0.01",
        #"--ssf-format", "STANDARD",
        "--rs", "SNP_ID",
        "--A1", "REF",
        "--A2", "ALT",
        "--pos", "POS",
        #"--info", "INFO",
        "--chr", "CHR",
        "--pval", "PVAL",
        "--eff", eff,
        #"--se", "SE" 
        #"--ncol", "5",
        #"--case-freq", "0.2",
        #"--control-freq", "0.3",
        #"--case-n", "5000",
        #"--control-n", "5000"
    ]
    print(" ".join(command))
    subprocess.run(command)  
    
    command = [
        'ldpred', 'p+t',
        '--cf', traindirec+os.sep+"output_file.h5", 
        '--ldr', str(radius),
        '--r2', str(r2),
        '--out', traindirec+os.sep+"ld.h5", 
    ]

    subprocess.run(command)
    

    import glob
    # Use glob to find all files starting with 'ld.h5_LDpred_' in the specified directory
    file_pattern = os.path.join(traindirec, 'ld.h5_P+T*')
    file_list = glob.glob(file_pattern)

    # Initialize a list to store dataframes
    dataframes = []

    # Iterate over the list of files and read them
    for betafile in file_list:
        print(betafile)
        temp = pd.read_csv(betafile,sep="\s+" )
        
        if check_phenotype_is_binary_or_continous(filedirec)=="Binary":
            
            if len(temp)<2:
                continue
                
            for loop in range(6, 9):
                temp.iloc[:, loop] = np.exp(temp.iloc[:, loop])
            
        else:
            pass  

        for col in range(7,10):

            # It generates three columns when p+t model is used.
            # I think updatedbeta contains the actual updated betas.
            
            colnames = ['raw_pval_beta','updated_beta','updated_pval_beta']
            temp.iloc[:,[2,3,col-1]].to_csv(traindirec+os.sep+"ldpred_pt_gwas",sep="\t",index=False)
            
            command = [
                "./plink",
                 "--bfile", traindirec+os.sep+newtrainfilename+".clumped.pruned",
                ### SNP column = 3, Effect allele column 1 = 4, OR column=9
                "--score", traindirec+os.sep+"ldpred_pt_gwas", "1", "2", "3", "header",
                "--q-score-range", traindirec+os.sep+"range_list",traindirec+os.sep+"SNP.pvalue",
                "--extract", traindirec+os.sep+trainfilename+".valid.snp",
                "--out", traindirec+os.sep+Name+os.sep+trainfilename
            ]
            #exit(0)
            subprocess.run(command)



            command = [
                "./plink",
                "--bfile", folddirec+os.sep+testfilename+".clumped.pruned",
                ### SNP column = 3, Effect allele column 1 = 4, Beta column=12
                "--score", traindirec+os.sep+"ldpred_pt_gwas", "1", "2", "3", "header",
                "--q-score-range", traindirec+os.sep+"range_list",traindirec+os.sep+"SNP.pvalue",
                "--extract", traindirec+os.sep+trainfilename+".valid.snp",
                "--out", folddirec+os.sep+Name+os.sep+testfilename
            ]
            subprocess.run(command)



            # At this stage the scores are finalizied. 
            # The next step is to fit the model and find the explained variance by each profile.

            # Load the PCA and Load the Covariates for trainingdatafirst.

            if check_phenotype_is_binary_or_continous(filedirec)=="Binary":
                print("Binary Phenotype!")
                fit_binary_phenotype_on_PRS(traindirec, newtrainfilename,p,radius,os.path.basename(betafile),colnames[col-7], p1_val, p2_val, p3_val, c1_val, c2_val, c3_val,Name,pvaluefile)
            else:
                print("Continous Phenotype!")
                fit_continous_phenotype_on_PRS(traindirec, newtrainfilename,p,radius,os.path.basename(betafile),colnames[col-7], p1_val, p2_val, p3_val, c1_val, c2_val, c3_val,Name,pvaluefile)



 
ldradius = [4,5]
ldpredmodels = ['p+t']
# r2 values for pruning.

r2s = [0.2,0.4]

result_directory = "LDpred-p+t"
# Nested loops to iterate over different parameter values
create_directory(folddirec+os.sep+result_directory)
for p1_val in p_window_size:
 for p2_val in p_slide_size: 
  for p3_val in p_LD_threshold:
   for c1_val in clump_p1:
    for c2_val in clump_r2:
     for c3_val in clump_kb:
      for p in numberofpca:
        for radius in ldradius:
         for r2 in r2s:
          transform_plink_data(folddirec, newtrainfilename, p,radius,r2, str(p1_val), str(p2_val), str(p3_val), str(c1_val), str(c2_val), str(c3_val), result_directory, pvaluefile)
Removed file: SampleData1/Fold_1/ldpred_pt_gwas
Removed existing file: SampleData1/Fold_1/output_file.h5
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-08.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-07.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-01.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-01.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-06.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e+00.txt
Removed: SampleData1/Fold_1/inf__ldradius4.pkl.gz
/tmp/ipykernel_675716/3062488329.py:100: FutureWarning: The 'delim_whitespace' keyword in pd.read_csv is deprecated and will be removed in a future version. Use ``sep='\s+'`` instead
  bim = pd.read_csv(bim_file, delim_whitespace=True, header=None)
499617
171426
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/train_data.QC.clumped.pruned.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC
  --chr 1-22
  --extract SampleData1/Fold_1/commonsnps.txt
  --make-bed
  --out SampleData1/Fold_1/train_data.QC.clumped.pruned

63761 MB RAM detected; reserving 31880 MB for main workspace.
492382 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--make-bed to SampleData1/Fold_1/train_data.QC.clumped.pruned.bed +
SampleData1/Fold_1/train_data.QC.clumped.pruned.bim +
SampleData1/Fold_1/train_data.QC.clumped.pruned.fam ... 101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899done.
ldpred coord --gf SampleData1/Fold_1/train_data.QC.clumped.pruned --ssf SampleData1/Fold_1/SampleData1.ldpredpt --out SampleData1/Fold_1/output_file.h5 --N 388028 --eff_type LOGOR --maf 0.01 --rs SNP_ID --A1 REF --A2 ALT --pos POS --chr CHR --pval PVAL --eff BETA

=============================== LDpred v. 1.0.11 ===============================

Parsing summary statistics file: SampleData1/Fold_1/SampleData1.ldpredpt
100.00%
SS file loaded, now sorting and storing in HDF5 file.
Coordinating datasets (Summary statistics and LD reference genotypes).
100.00%
{'ldpred_action': 'coord', 'debug': False, 'gf': 'SampleData1/Fold_1/train_data.QC.clumped.pruned', 'ssf': 'SampleData1/Fold_1/SampleData1.ldpredpt', 'N': 388028, 'out': 'SampleData1/Fold_1/output_file.h5', 'vbim': None, 'vgf': None, 'only_hm3': False, 'ilist': None, 'skip_coordination': False, 'eff_type': 'LOGOR', 'match_genomic_pos': False, 'maf': 0.01, 'max_freq_discrep': 0.1, 'ssf_format': 'CUSTOM', 'rs': 'SNP_ID', 'A1': 'REF', 'A2': 'ALT', 'pos': 'POS', 'info': 'INFO', 'chr': 'CHR', 'reffreq': 'MAF', 'pval': 'PVAL', 'eff': 'BETA', 'se': 'SE', 'ncol': 'N', 'case_freq': None, 'control_freq': None, 'case_n': None, 'control_n': None, 'z_from_se': False}

========================= Summary of coordination step =========================
Summary statistics filename:                      
                                         SampleData1/Fold_1/SampleData1.ldpredpt
LD reference genotypes filename:                  
                                 SampleData1/Fold_1/train_data.QC.clumped.pruned
Coordinated data output filename:                 
                                               SampleData1/Fold_1/output_file.h5
------------------------------ Summary statistics ------------------------------
Num SNPs parsed from sum stats file                                       171426
--------------------------------- Coordination ---------------------------------
Num individuals in LD Reference data:                                        380
SNPs in LD Reference data:                                                171426
Num chromosomes used:                                                         22
SNPs common across datasets:                                              171426
SNPs retained after filtering:                                            171426
SNPs w MAF<0.010 filtered:                                                     0
SNPs w allele freq discrepancy > 0.100 filtered:                               0
-------------------------------- Running times ---------------------------------
Run time for parsing summary stats:                          0 min and 49.08 sec
Run time for coordinating datasets:                          0 min and 13.28 sec
================================================================================


=============================== LDpred v. 1.0.11 ===============================

0.007.1414.2921.4328.5735.7142.8650.0057.1464.2971.4378.5785.7192.86100.00%

===================== Summary of LD-pruning + Tresholding ======================
Coordinated data filename                         
                                               SampleData1/Fold_1/output_file.h5
SNP weights output file (prefix)                        SampleData1/Fold_1/ld.h5
LD radius used                                                                 4
-------------------------- LD-pruning + Thresholding ---------------------------
P-value thresholds used                           
[1, 0.3, 0.1, 0.03, 0.01, 0.003, 0.001, 0.00030000000000000003, 0.0001, 3.0000000000000004e-05, 1e-05, 1e-06, 1e-07, 1e-08]
Maximum r2 LD thresholds used                                              [0.2]
Running time for calculating P+T:                           0 min and 12.84 secs
================================================================================

SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-08.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
Warning: 498823 lines skipped in --q-score-range data file.
Warning: 498823 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899%
Warning: 498823 lines skipped in --q-score-range data file.
Warning: 498823 lines skipped in --q-score-range data file.
 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899%
Warning: 498823 lines skipped in --q-score-range data file.
Warning: 498823 lines skipped in --q-score-range data file.
 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-06.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
Warning: 497703 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 497703 lines skipped in --q-score-range data file.
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-05.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
Warning: 495405 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-04.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-03.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-02.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-01.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e+00.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-07.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
Warning: 498401 lines skipped in --q-score-range data file.
Warning: 498401 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%
Warning: 498401 lines skipped in --q-score-range data file.
Warning: 498401 lines skipped in --q-score-range data file.
64656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-05.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
Warning: 496377 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
Warning: 496377 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
Warning: 496377 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-04.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 493866 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 493866 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 493866 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-03.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 488416 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-02.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-01.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Removed file: SampleData1/Fold_1/ldpred_pt_gwas
Removed existing file: SampleData1/Fold_1/output_file.h5
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-08.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-06.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-01.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e+00.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-07.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-01.txt
/tmp/ipykernel_675716/3062488329.py:100: FutureWarning: The 'delim_whitespace' keyword in pd.read_csv is deprecated and will be removed in a future version. Use ``sep='\s+'`` instead
  bim = pd.read_csv(bim_file, delim_whitespace=True, header=None)
499617
171426
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/train_data.QC.clumped.pruned.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC
  --chr 1-22
  --extract SampleData1/Fold_1/commonsnps.txt
  --make-bed
  --out SampleData1/Fold_1/train_data.QC.clumped.pruned

63761 MB RAM detected; reserving 31880 MB for main workspace.
492382 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--make-bed to SampleData1/Fold_1/train_data.QC.clumped.pruned.bed +
SampleData1/Fold_1/train_data.QC.clumped.pruned.bim +
SampleData1/Fold_1/train_data.QC.clumped.pruned.fam ... 101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899done.
ldpred coord --gf SampleData1/Fold_1/train_data.QC.clumped.pruned --ssf SampleData1/Fold_1/SampleData1.ldpredpt --out SampleData1/Fold_1/output_file.h5 --N 388028 --eff_type LOGOR --maf 0.01 --rs SNP_ID --A1 REF --A2 ALT --pos POS --chr CHR --pval PVAL --eff BETA

=============================== LDpred v. 1.0.11 ===============================

Parsing summary statistics file: SampleData1/Fold_1/SampleData1.ldpredpt
100.00%
SS file loaded, now sorting and storing in HDF5 file.
Coordinating datasets (Summary statistics and LD reference genotypes).
100.00%
{'ldpred_action': 'coord', 'debug': False, 'gf': 'SampleData1/Fold_1/train_data.QC.clumped.pruned', 'ssf': 'SampleData1/Fold_1/SampleData1.ldpredpt', 'N': 388028, 'out': 'SampleData1/Fold_1/output_file.h5', 'vbim': None, 'vgf': None, 'only_hm3': False, 'ilist': None, 'skip_coordination': False, 'eff_type': 'LOGOR', 'match_genomic_pos': False, 'maf': 0.01, 'max_freq_discrep': 0.1, 'ssf_format': 'CUSTOM', 'rs': 'SNP_ID', 'A1': 'REF', 'A2': 'ALT', 'pos': 'POS', 'info': 'INFO', 'chr': 'CHR', 'reffreq': 'MAF', 'pval': 'PVAL', 'eff': 'BETA', 'se': 'SE', 'ncol': 'N', 'case_freq': None, 'control_freq': None, 'case_n': None, 'control_n': None, 'z_from_se': False}

========================= Summary of coordination step =========================
Summary statistics filename:                      
                                         SampleData1/Fold_1/SampleData1.ldpredpt
LD reference genotypes filename:                  
                                 SampleData1/Fold_1/train_data.QC.clumped.pruned
Coordinated data output filename:                 
                                               SampleData1/Fold_1/output_file.h5
------------------------------ Summary statistics ------------------------------
Num SNPs parsed from sum stats file                                       171426
--------------------------------- Coordination ---------------------------------
Num individuals in LD Reference data:                                        380
SNPs in LD Reference data:                                                171426
Num chromosomes used:                                                         22
SNPs common across datasets:                                              171426
SNPs retained after filtering:                                            171426
SNPs w MAF<0.010 filtered:                                                     0
SNPs w allele freq discrepancy > 0.100 filtered:                               0
-------------------------------- Running times ---------------------------------
Run time for parsing summary stats:                          0 min and 49.03 sec
Run time for coordinating datasets:                          0 min and 13.34 sec
================================================================================


=============================== LDpred v. 1.0.11 ===============================

0.007.1414.2921.4328.5735.7142.8650.0057.1464.2971.4378.5785.7192.86100.00%

===================== Summary of LD-pruning + Tresholding ======================
Coordinated data filename                         
                                               SampleData1/Fold_1/output_file.h5
SNP weights output file (prefix)                        SampleData1/Fold_1/ld.h5
LD radius used                                                                 4
-------------------------- LD-pruning + Thresholding ---------------------------
P-value thresholds used                           
[1, 0.3, 0.1, 0.03, 0.01, 0.003, 0.001, 0.00030000000000000003, 0.0001, 3.0000000000000004e-05, 1e-05, 1e-06, 1e-07, 1e-08]
Maximum r2 LD thresholds used                                              [0.4]
Running time for calculating P+T:                           0 min and 12.97 secs
================================================================================

SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-08.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
Warning: 498823 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498823 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%
Warning: 498823 lines skipped in --q-score-range data file.
Warning: 498823 lines skipped in --q-score-range data file.
8485868788899091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 1011121314151617181920212223242526272829303132333435363738394041424344454647484950515253545556575859606162636465666768697071727374757677787980818283848586878889%
Warning: 498823 lines skipped in --q-score-range data file.
Warning: 498823 lines skipped in --q-score-range data file.
9091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-06.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
Warning: 497703 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-05.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
Warning: 495405 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
Warning: 495405 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
Warning: 495405 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-04.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 491804 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-03.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 483752 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-02.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-01.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e+00.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-07.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
Warning: 498401 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498401 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-05.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
Warning: 496377 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
Warning: 496377 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-04.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 493866 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 493866 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-03.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 488416 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-02.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-01.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Removed file: SampleData1/Fold_1/ldpred_pt_gwas
Removed existing file: SampleData1/Fold_1/output_file.h5
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-08.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-06.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p3.0000e-01.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e+00.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-07.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.40_p1.0000e-01.txt
/tmp/ipykernel_675716/3062488329.py:100: FutureWarning: The 'delim_whitespace' keyword in pd.read_csv is deprecated and will be removed in a future version. Use ``sep='\s+'`` instead
  bim = pd.read_csv(bim_file, delim_whitespace=True, header=None)
499617
171426
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/train_data.QC.clumped.pruned.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC
  --chr 1-22
  --extract SampleData1/Fold_1/commonsnps.txt
  --make-bed
  --out SampleData1/Fold_1/train_data.QC.clumped.pruned

63761 MB RAM detected; reserving 31880 MB for main workspace.
492382 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--make-bed to SampleData1/Fold_1/train_data.QC.clumped.pruned.bed +
SampleData1/Fold_1/train_data.QC.clumped.pruned.bim +
SampleData1/Fold_1/train_data.QC.clumped.pruned.fam ... 101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899done.
ldpred coord --gf SampleData1/Fold_1/train_data.QC.clumped.pruned --ssf SampleData1/Fold_1/SampleData1.ldpredpt --out SampleData1/Fold_1/output_file.h5 --N 388028 --eff_type LOGOR --maf 0.01 --rs SNP_ID --A1 REF --A2 ALT --pos POS --chr CHR --pval PVAL --eff BETA

=============================== LDpred v. 1.0.11 ===============================

Parsing summary statistics file: SampleData1/Fold_1/SampleData1.ldpredpt
100.00%
SS file loaded, now sorting and storing in HDF5 file.
Coordinating datasets (Summary statistics and LD reference genotypes).
100.00%
{'ldpred_action': 'coord', 'debug': False, 'gf': 'SampleData1/Fold_1/train_data.QC.clumped.pruned', 'ssf': 'SampleData1/Fold_1/SampleData1.ldpredpt', 'N': 388028, 'out': 'SampleData1/Fold_1/output_file.h5', 'vbim': None, 'vgf': None, 'only_hm3': False, 'ilist': None, 'skip_coordination': False, 'eff_type': 'LOGOR', 'match_genomic_pos': False, 'maf': 0.01, 'max_freq_discrep': 0.1, 'ssf_format': 'CUSTOM', 'rs': 'SNP_ID', 'A1': 'REF', 'A2': 'ALT', 'pos': 'POS', 'info': 'INFO', 'chr': 'CHR', 'reffreq': 'MAF', 'pval': 'PVAL', 'eff': 'BETA', 'se': 'SE', 'ncol': 'N', 'case_freq': None, 'control_freq': None, 'case_n': None, 'control_n': None, 'z_from_se': False}

========================= Summary of coordination step =========================
Summary statistics filename:                      
                                         SampleData1/Fold_1/SampleData1.ldpredpt
LD reference genotypes filename:                  
                                 SampleData1/Fold_1/train_data.QC.clumped.pruned
Coordinated data output filename:                 
                                               SampleData1/Fold_1/output_file.h5
------------------------------ Summary statistics ------------------------------
Num SNPs parsed from sum stats file                                       171426
--------------------------------- Coordination ---------------------------------
Num individuals in LD Reference data:                                        380
SNPs in LD Reference data:                                                171426
Num chromosomes used:                                                         22
SNPs common across datasets:                                              171426
SNPs retained after filtering:                                            171426
SNPs w MAF<0.010 filtered:                                                     0
SNPs w allele freq discrepancy > 0.100 filtered:                               0
-------------------------------- Running times ---------------------------------
Run time for parsing summary stats:                          0 min and 49.11 sec
Run time for coordinating datasets:                          0 min and 13.33 sec
================================================================================


=============================== LDpred v. 1.0.11 ===============================

0.007.1414.2921.4328.5735.7142.8650.0057.1464.2971.4378.5785.7192.86100.00%

===================== Summary of LD-pruning + Tresholding ======================
Coordinated data filename                         
                                               SampleData1/Fold_1/output_file.h5
SNP weights output file (prefix)                        SampleData1/Fold_1/ld.h5
LD radius used                                                                 5
-------------------------- LD-pruning + Thresholding ---------------------------
P-value thresholds used                           
[1, 0.3, 0.1, 0.03, 0.01, 0.003, 0.001, 0.00030000000000000003, 0.0001, 3.0000000000000004e-05, 1e-05, 1e-06, 1e-07, 1e-08]
Maximum r2 LD thresholds used                                              [0.2]
Running time for calculating P+T:                           0 min and 13.55 secs
================================================================================

SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-08.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
Warning: 498823 lines skipped in --q-score-range data file.
Warning: 498823 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637%
Warning: 498823 lines skipped in --q-score-range data file.
Warning: 498823 lines skipped in --q-score-range data file.
383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 498823 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 795 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498823 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-06.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
Warning: 497703 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 497703 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1915 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 497703 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-05.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
Warning: 495405 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
Warning: 495405 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
Warning: 495405 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 495405 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 4213 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 495405 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-04.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 491804 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 7814 valid predictors loaded.
Warning: 491804 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-03.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 15866 valid predictors loaded.
Warning: 483752 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-02.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 36198 valid predictors loaded.
Warning: 463420 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-01.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 96028 valid predictors loaded.
Warning: 403590 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e+00.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 171426 valid predictors loaded.
Warning: 328192 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-07.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
Warning: 498401 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 498401 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 1217 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 498401 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-05.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
Warning: 496377 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
Warning: 496377 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 3241 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 496377 lines skipped in --q-score-range data file.
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-04.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 493866 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 5752 valid predictors loaded.
Warning: 493866 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-03.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Warning: 488416 lines skipped in --q-score-range data file.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 11202 valid predictors loaded.
Warning: 488416 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-02.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 24062 valid predictors loaded.
Warning: 475556 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-01.txt
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/train_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/train_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
171426 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/train_data.*.profile.
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/LDpred-p+t/test_data.log.
Options in effect:
  --bfile SampleData1/Fold_1/test_data.clumped.pruned
  --extract SampleData1/Fold_1/train_data.valid.snp
  --out SampleData1/Fold_1/LDpred-p+t/test_data
  --q-score-range SampleData1/Fold_1/range_list SampleData1/Fold_1/SNP.pvalue
  --score SampleData1/Fold_1/ldpred_pt_gwas 1 2 3 header

63761 MB RAM detected; reserving 31880 MB for main workspace.
173148 variants loaded from .bim file.
95 people (49 males, 46 females) loaded from .fam.
95 phenotype values loaded from .fam.
--extract: 173148 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 95 founders and 0 nonfounders present.
Calculating allele frequencies... 0%1%2%3%4%5%6%7%8%9%10%11%12%13%14%15%16%17%18%19%20%21%22%23%24%25%26%27%28%29%30%31%32%33%34%35%36%37%38%39%40%41%42%43%44%45%46%47%48%49%50%51%52%53%54%55%56%57%58%59%60%61%62%63%64%65%66%67%68%69%70%71%72%73%74%75%76%77%78%79%80%81%82%83%84%85%86%87%88%89%90%91%92%93%94%95%96%97%98%99% done.
Total genotyping rate is 0.99978.
173148 variants and 95 people pass filters and QC.
Phenotype data is quantitative.
--score: 59190 valid predictors loaded.
Warning: 440428 lines skipped in --q-score-range data file.
--score: 20 ranges processed.
Results written to SampleData1/Fold_1/LDpred-p+t/test_data.*.profile.
Continous Phenotype!
Removed file: SampleData1/Fold_1/ldpred_pt_gwas
Removed existing file: SampleData1/Fold_1/output_file.h5
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-08.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-06.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p3.0000e-01.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e+00.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-07.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-05.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-04.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-03.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-02.txt
Removed: SampleData1/Fold_1/ld.h5_P+T_r0.20_p1.0000e-01.txt
/tmp/ipykernel_675716/3062488329.py:100: FutureWarning: The 'delim_whitespace' keyword in pd.read_csv is deprecated and will be removed in a future version. Use ``sep='\s+'`` instead
  bim = pd.read_csv(bim_file, delim_whitespace=True, header=None)
499617
171426
PLINK v1.90b7.2 64-bit (11 Dec 2023)           www.cog-genomics.org/plink/1.9/
(C) 2005-2023 Shaun Purcell, Christopher Chang   GNU General Public License v3
Logging to SampleData1/Fold_1/train_data.QC.clumped.pruned.log.
Options in effect:
  --bfile SampleData1/Fold_1/train_data.QC
  --chr 1-22
  --extract SampleData1/Fold_1/commonsnps.txt
  --make-bed
  --out SampleData1/Fold_1/train_data.QC.clumped.pruned

63761 MB RAM detected; reserving 31880 MB for main workspace.
492382 variants loaded from .bim file.
380 people (178 males, 202 females) loaded from .fam.
380 phenotype values loaded from .fam.
--extract: 171426 variants remaining.
Using 1 thread (no multithreaded calculations invoked).
Before main variant filters, 380 founders and 0 nonfounders present.
Calculating allele frequencies... 10111213141516171819202122232425262728293031323334353637383940414243444546474849505152535455565758596061626364656667686970717273747576777879808182838485868788899091929394959697989 done.
Total genotyping rate is 0.999918.
171426 variants and 380 people pass filters and QC.
Phenotype data is quantitative.
--make-bed to SampleData1/Fold_1/train_data.QC.clumped.pruned.bed +
SampleData1/Fold_1/train_data.QC.clumped.pruned.bim +
SampleData1/Fold_1/train_data.QC.clumped.pruned.fam ... 101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899done.
ldpred coord --gf SampleData1/Fold_1/train_data.QC.clumped.pruned --ssf SampleData1/Fold_1/SampleData1.ldpredpt --out SampleData1/Fold_1/output_file.h5 --N 388028 --eff_type LOGOR --maf 0.01 --rs SNP_ID --A1 REF --A2 ALT --pos POS --chr CHR --pval PVAL --eff BETA

=============================== LDpred v. 1.0.11 ===============================

Parsing summary statistics file: SampleData1/Fold_1/SampleData1.ldpredpt
100.00%
SS file loaded, now sorting and storing in HDF5 file.
Coordinating datasets (Summary statistics and LD reference genotypes).
100.00%
{'ldpred_action': 'coord', 'debug': False, 'gf': 'SampleData1/Fold_1/train_data.QC.clumped.pruned', 'ssf': 'SampleData1/Fold_1/SampleData1.ldpredpt', 'N': 388028, 'out': 'SampleData1/Fold_1/output_file.h5', 'vbim': None, 'vgf': None, 'only_hm3': False, 'ilist': None, 'skip_coordination': False, 'eff_type': 'LOGOR', 'match_genomic_pos': False, 'maf': 0.01, 'max_freq_discrep': 0.1, 'ssf_format': 'CUSTOM', 'rs': 'SNP_ID', 'A1': 'REF', 'A2': 'ALT', 'pos': 'POS', 'info': 'INFO', 'chr': 'CHR', 'reffreq': 'MAF', 'pval': 'PVAL', 'eff': 'BETA', 'se': 'SE', 'ncol': 'N', 'case_freq': None, 'control_freq': None, 'case_n': None, 'control_n': None, 'z_from_se': False}

========================= Summary of coordination step =========================
Summary statistics filename:                      
                                         SampleData1/Fold_1/SampleData1.ldpredpt
LD reference genotypes filename:                  
                                 SampleData1/Fold_1/train_data.QC.clumped.pruned
Coordinated data output filename:                 
                                               SampleData1/Fold_1/output_file.h5
------------------------------ Summary statistics ------------------------------
Num SNPs parsed from sum stats file                                       171426
--------------------------------- Coordination ---------------------------------
Num individuals in LD Reference data:                                        380
SNPs in LD Reference data:                                                171426
Num chromosomes used:                                                         22
SNPs common across datasets:                                              171426
SNPs retained after filtering:                                            171426
SNPs w MAF<0.010 filtered:                                                     0
SNPs w allele freq discrepancy > 0.100 filtered:                               0
-------------------------------- Running times ---------------------------------
Run time for parsing summary stats:                          0 min and 48.88 sec
Run time for coordinating datasets:                          0 min and 13.42 sec
================================================================================


=============================== LDpred v. 1.0.11 ===============================

0.00%
Traceback (most recent call last):
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/bin/ldpred", line 8, in <module>
    sys.exit(main())
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/lib/python3.10/site-packages/ldpred/run.py", line 380, in main
    main_with_args(sys.argv[1:])
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/lib/python3.10/site-packages/ldpred/run.py", line 370, in main_with_args
    LD_pruning_thres.main(p_dict)
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/lib/python3.10/site-packages/ldpred/LD_pruning_thres.py", line 212, in main
    run_pt(p_dict,summary_dict)
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/lib/python3.10/site-packages/ldpred/LD_pruning_thres.py", line 195, in run_pt
    ld_pruning(data_file=p_dict['cf'], out_file_prefix=p_dict['out'], p_thres=p_thres, ld_radius=p_dict['ldr'],
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/lib/python3.10/site-packages/ldpred/LD_pruning_thres.py", line 41, in ld_pruning
    df = h5py.File(data_file,'r')
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/lib/python3.10/site-packages/h5py/_hl/files.py", line 562, in __init__
    fid = make_fid(name, mode, userblock_size, fapl, fcpl, swmr=swmr)
  File "/data/ascher01/uqmmune1/miniconda3/envs/genetics/lib/python3.10/site-packages/h5py/_hl/files.py", line 235, in make_fid
    fid = h5f.open(name, flags, fapl=fapl)
  File "h5py/_objects.pyx", line 54, in h5py._objects.with_phil.wrapper
  File "h5py/_objects.pyx", line 55, in h5py._objects.with_phil.wrapper
  File "h5py/h5f.pyx", line 102, in h5py.h5f.open
OSError: Unable to synchronously open file (truncated file: eof = 96, sblock->base_addr = 0, stored_eof = 2048)

Repeat the process for each fold.#

Change the foldnumber variable.

#foldnumber = sys.argv[1]
foldnumber = "0"  # Setting 'foldnumber' to "0"

Or uncomment the following line:

# foldnumber = sys.argv[1]
python LDpred-p+t.py 0
python LDpred-p+t.py 1
python LDpred-p+t.py 2
python LDpred-p+t.py 3
python LDpred-p+t.py 4

The following files should exist after the execution:

  1. SampleData1/Fold_0/LDpred-p+t/Results.csv

  2. SampleData1/Fold_1/LDpred-p+t/Results.csv

  3. SampleData1/Fold_2/LDpred-p+t/Results.csv

  4. SampleData1/Fold_3/LDpred-p+t/Results.csv

  5. SampleData1/Fold_4/LDpred-p+t/Results.csv

Check the results file for each fold.#

import os

 
# List of file names to check for existence
f = [
    "./"+filedirec+"/Fold_0"+os.sep+result_directory+"Results.csv",
    "./"+filedirec+"/Fold_1"+os.sep+result_directory+"Results.csv",
    "./"+filedirec+"/Fold_2"+os.sep+result_directory+"Results.csv",
    "./"+filedirec+"/Fold_3"+os.sep+result_directory+"Results.csv",
    "./"+filedirec+"/Fold_4"+os.sep+result_directory+"Results.csv",
]

 

# Loop through each file name in the list
for loop in range(0,5):
    # Check if the file exists in the specified directory for the given fold
    if os.path.exists(filedirec+os.sep+"Fold_"+str(loop)+os.sep+result_directory+os.sep+"Results.csv"):
        temp = pd.read_csv(filedirec+os.sep+"Fold_"+str(loop)+os.sep+result_directory+os.sep+"Results.csv")
        print("Fold_",loop, "Yes, the file exists.")
        #print(temp.head())
        print("Number of P-values processed: ",len(temp))
        # Print a message indicating that the file exists
    
    else:
        # Print a message indicating that the file does not exist
        print("Fold_",loop, "No, the file does not exist.")
Fold_ 0 Yes, the file exists.
Number of P-values processed:  1500
Fold_ 1 Yes, the file exists.
Number of P-values processed:  1500
Fold_ 2 No, the file does not exist.
Fold_ 3 No, the file does not exist.
Fold_ 4 No, the file does not exist.

Sum the results for each fold.#

print("We have to ensure when we sum the entries across all Folds, the same rows are merged!")

def sum_and_average_columns(data_frames):
    """Sum and average numerical columns across multiple DataFrames, and keep non-numerical columns unchanged."""
    # Initialize DataFrame to store the summed results for numerical columns
    summed_df = pd.DataFrame()
    non_numerical_df = pd.DataFrame()
    
    for df in data_frames:
        # Identify numerical and non-numerical columns
        numerical_cols = df.select_dtypes(include=[np.number]).columns
        non_numerical_cols = df.select_dtypes(exclude=[np.number]).columns
        
        # Sum numerical columns
        if summed_df.empty:
            summed_df = pd.DataFrame(0, index=range(len(df)), columns=numerical_cols)
        
        summed_df[numerical_cols] = summed_df[numerical_cols].add(df[numerical_cols], fill_value=0)
        
        # Keep non-numerical columns (take the first non-numerical entry for each column)
        if non_numerical_df.empty:
            non_numerical_df = df[non_numerical_cols]
        else:
            non_numerical_df[non_numerical_cols] = non_numerical_df[non_numerical_cols].combine_first(df[non_numerical_cols])
    
    # Divide the summed values by the number of dataframes to get the average
    averaged_df = summed_df / len(data_frames)
    
    # Combine numerical and non-numerical DataFrames
    result_df = pd.concat([averaged_df, non_numerical_df], axis=1)
    
    return result_df

from functools import reduce

import os
import pandas as pd
from functools import reduce

def find_common_rows(allfoldsframe):
    # Define the performance columns that need to be excluded
    performance_columns = [
        'Train_null_model', 'Train_pure_prs', 'Train_best_model',
        'Test_pure_prs', 'Test_null_model', 'Test_best_model'
    ]
    important_columns = [
        'clump_p1',
        'clump_r2',
        'clump_kb',
        'p_window_size',
        'p_slide_size',
        'p_LD_threshold',
        'pvalue',
        
        "ldradius",
        "ldfilename",
        "colname",
        
        'numberofpca',
        'tempalpha',
        'l1weight',
        
      
         
       
    ]
    # Function to remove performance columns from a DataFrame
    def drop_performance_columns(df):
        return df.drop(columns=performance_columns, errors='ignore')
    
    def get_important_columns(df ):
        existing_columns = [col for col in important_columns if col in df.columns]
        if existing_columns:
            return df[existing_columns].copy()
        else:
            return pd.DataFrame()

    # Drop performance columns from all DataFrames in the list
    allfoldsframe_dropped = [drop_performance_columns(df) for df in allfoldsframe]
    
    # Get the important columns.
    allfoldsframe_dropped = [get_important_columns(df) for df in allfoldsframe_dropped]    
    
    # Iteratively find common rows and track unique and common rows
    common_rows = allfoldsframe_dropped[0]
    for i in range(1, len(allfoldsframe_dropped)):
        # Get the next DataFrame
        next_df = allfoldsframe_dropped[i]

        # Count unique rows in the current DataFrame and the next DataFrame
        unique_in_common = common_rows.shape[0]
        unique_in_next = next_df.shape[0]

        # Find common rows between the current common_rows and the next DataFrame
        common_rows = pd.merge(common_rows, next_df, how='inner')
    
        # Count the common rows after merging
        common_count = common_rows.shape[0]

        # Print the unique and common row counts
        print(f"Iteration {i}:")
        print(f"Unique rows in current common DataFrame: {unique_in_common}")
        print(f"Unique rows in next DataFrame: {unique_in_next}")
        print(f"Common rows after merge: {common_count}\n")
    # Now that we have the common rows, extract these from the original DataFrames
 
    extracted_common_rows_frames = []
    for original_df in allfoldsframe:
        # Merge the common rows with the original DataFrame, keeping only the rows that match the common rows
        extracted_common_rows = pd.merge(common_rows, original_df, how='inner', on=common_rows.columns.tolist())
        
        # Add the DataFrame with the extracted common rows to the list
        extracted_common_rows_frames.append(extracted_common_rows)

    # Print the number of rows in the common DataFrames
    for i, df in enumerate(extracted_common_rows_frames):
        print(f"DataFrame {i + 1} with extracted common rows has {df.shape[0]} rows.")

    # Return the list of DataFrames with extracted common rows
    return extracted_common_rows_frames



# Example usage (assuming allfoldsframe is populated as shown earlier):
allfoldsframe = []

# Loop through each file name in the list
for loop in range(0, 5):
    # Check if the file exists in the specified directory for the given fold
    file_path = os.path.join(filedirec, "Fold_" + str(loop), result_directory, "Results.csv")
    if os.path.exists(file_path):
        allfoldsframe.append(pd.read_csv(file_path))
        # Print a message indicating that the file exists
        print("Fold_", loop, "Yes, the file exists.")
    else:
        # Print a message indicating that the file does not exist
        print("Fold_", loop, "No, the file does not exist.")

# Find the common rows across all folds and return the list of extracted common rows
extracted_common_rows_list = find_common_rows(allfoldsframe)
 
# Sum the values column-wise
# For string values, do not sum it the values are going to be the same for each fold.
# Only sum the numeric values.

divided_result = sum_and_average_columns(extracted_common_rows_list)
  
print(divided_result)

 
We have to ensure when we sum the entries across all Folds, the same rows are merged!
Fold_ 0 Yes, the file exists.
Fold_ 1 Yes, the file exists.
Fold_ 2 No, the file does not exist.
Fold_ 3 No, the file does not exist.
Fold_ 4 No, the file does not exist.
Iteration 1:
Unique rows in current common DataFrame: 1500
Unique rows in next DataFrame: 1500
Common rows after merge: 1500

DataFrame 1 with extracted common rows has 1500 rows.
DataFrame 2 with extracted common rows has 1500 rows.
      clump_p1  clump_r2  clump_kb  p_window_size  p_slide_size  \
0          1.0       0.1     200.0          200.0          50.0   
1          1.0       0.1     200.0          200.0          50.0   
2          1.0       0.1     200.0          200.0          50.0   
3          1.0       0.1     200.0          200.0          50.0   
4          1.0       0.1     200.0          200.0          50.0   
...        ...       ...       ...            ...           ...   
1495       1.0       0.1     200.0          200.0          50.0   
1496       1.0       0.1     200.0          200.0          50.0   
1497       1.0       0.1     200.0          200.0          50.0   
1498       1.0       0.1     200.0          200.0          50.0   
1499       1.0       0.1     200.0          200.0          50.0   

      p_LD_threshold    pvalue  ldradius  numberofpca  tempalpha  l1weight  \
0               0.25  0.016681       4.0          6.0        0.1       0.1   
1               0.25  0.046416       4.0          6.0        0.1       0.1   
2               0.25  0.129155       4.0          6.0        0.1       0.1   
3               0.25  0.359381       4.0          6.0        0.1       0.1   
4               0.25  1.000000       4.0          6.0        0.1       0.1   
...              ...       ...       ...          ...        ...       ...   
1495            0.25  0.016681       5.0          6.0        0.1       0.1   
1496            0.25  0.046416       5.0          6.0        0.1       0.1   
1497            0.25  0.129155       5.0          6.0        0.1       0.1   
1498            0.25  0.359381       5.0          6.0        0.1       0.1   
1499            0.25  1.000000       5.0          6.0        0.1       0.1   

      Train_pure_prs  Train_null_model  Train_best_model  Test_pure_prs  \
0          -0.000034          0.242738          0.252359      -0.000050   
1          -0.000046          0.242738          0.258239      -0.000065   
2          -0.000044          0.242738          0.256087      -0.000086   
3          -0.000044          0.242738          0.256087      -0.000086   
4          -0.000044          0.242738          0.256087      -0.000086   
...              ...               ...               ...            ...   
1495       -0.000005          0.242738          0.284776      -0.000007   
1496       -0.000005          0.242738          0.289391      -0.000008   
1497       -0.000005          0.242738          0.287396      -0.000009   
1498       -0.000005          0.242738          0.287396      -0.000009   
1499       -0.000005          0.242738          0.287396      -0.000009   

      Test_null_model  Test_best_model                       ldfilename  \
0            0.154698         0.183575  ld.h5_P+T_r0.20_p1.0000e-06.txt   
1            0.154698         0.200101  ld.h5_P+T_r0.20_p1.0000e-06.txt   
2            0.154698         0.197728  ld.h5_P+T_r0.20_p1.0000e-06.txt   
3            0.154698         0.197728  ld.h5_P+T_r0.20_p1.0000e-06.txt   
4            0.154698         0.197728  ld.h5_P+T_r0.20_p1.0000e-06.txt   
...               ...              ...                              ...   
1495         0.154698         0.222638  ld.h5_P+T_r0.40_p1.0000e+00.txt   
1496         0.154698         0.232150  ld.h5_P+T_r0.40_p1.0000e+00.txt   
1497         0.154698         0.232192  ld.h5_P+T_r0.40_p1.0000e+00.txt   
1498         0.154698         0.232192  ld.h5_P+T_r0.40_p1.0000e+00.txt   
1499         0.154698         0.232192  ld.h5_P+T_r0.40_p1.0000e+00.txt   

                colname  
0         raw_pval_beta  
1         raw_pval_beta  
2         raw_pval_beta  
3         raw_pval_beta  
4         raw_pval_beta  
...                 ...  
1495  updated_pval_beta  
1496  updated_pval_beta  
1497  updated_pval_beta  
1498  updated_pval_beta  
1499  updated_pval_beta  

[1500 rows x 19 columns]
/tmp/ipykernel_424585/648029690.py:24: SettingWithCopyWarning: 
A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy
  non_numerical_df[non_numerical_cols] = non_numerical_df[non_numerical_cols].combine_first(df[non_numerical_cols])

Results#

1. Reporting Based on Best Training Performance:#

  • One can report the results based on the best performance of the training data. For example, if for a specific combination of hyperparameters, the training performance is high, report the corresponding test performance.

  • Example code:

    df = divided_result.sort_values(by='Train_best_model', ascending=False)
    print(df.iloc[0].to_markdown())
    

Binary Phenotypes Result Analysis#

You can find the performance quality for binary phenotype using the following template:

PerformanceBinary

This figure shows the 8 different scenarios that can exist in the results, and the following table explains each scenario.

We classified performance based on the following table:

Performance Level

Range

Low Performance

0 to 0.5

Moderate Performance

0.6 to 0.7

High Performance

0.8 to 1

You can match the performance based on the following scenarios:

Scenario

What’s Happening

Implication

High Test, High Train

The model performs well on both training and test datasets, effectively learning the underlying patterns.

The model is well-tuned, generalizes well, and makes accurate predictions on both datasets.

High Test, Moderate Train

The model generalizes well but may not be fully optimized on training data, missing some underlying patterns.

The model is fairly robust but may benefit from further tuning or more training to improve its learning.

High Test, Low Train

An unusual scenario, potentially indicating data leakage or overestimation of test performance.

The model’s performance is likely unreliable; investigate potential data issues or random noise.

Moderate Test, High Train

The model fits the training data well but doesn’t generalize as effectively, capturing only some test patterns.

The model is slightly overfitting; adjustments may be needed to improve generalization on unseen data.

Moderate Test, Moderate Train

The model shows balanced but moderate performance on both datasets, capturing some patterns but missing others.

The model is moderately fitting; further improvements could be made in both training and generalization.

Moderate Test, Low Train

The model underperforms on training data and doesn’t generalize well, leading to moderate test performance.

The model may need more complexity, additional features, or better training to improve on both datasets.

Low Test, High Train

The model overfits the training data, performing poorly on the test set.

The model doesn’t generalize well; simplifying the model or using regularization may help reduce overfitting.

Low Test, Low Train

The model performs poorly on both training and test datasets, failing to learn the data patterns effectively.

The model is underfitting; it may need more complexity, additional features, or more data to improve performance.

Recommendations for Publishing Results#

When publishing results, scenarios with moderate train and moderate test performance can be used for complex phenotypes or diseases. However, results showing high train and moderate test, high train and high test, and moderate train and high test are recommended.

For most phenotypes, results typically fall in the moderate train and moderate test performance category.

Continuous Phenotypes Result Analysis#

You can find the performance quality for continuous phenotypes using the following template:

PerformanceContinous

This figure shows the 8 different scenarios that can exist in the results, and the following table explains each scenario.

We classified performance based on the following table:

Performance Level

Range

Low Performance

0 to 0.2

Moderate Performance

0.3 to 0.7

High Performance

0.8 to 1

You can match the performance based on the following scenarios:

Scenario

What’s Happening

Implication

High Test, High Train

The model performs well on both training and test datasets, effectively learning the underlying patterns.

The model is well-tuned, generalizes well, and makes accurate predictions on both datasets.

High Test, Moderate Train

The model generalizes well but may not be fully optimized on training data, missing some underlying patterns.

The model is fairly robust but may benefit from further tuning or more training to improve its learning.

High Test, Low Train

An unusual scenario, potentially indicating data leakage or overestimation of test performance.

The model’s performance is likely unreliable; investigate potential data issues or random noise.

Moderate Test, High Train

The model fits the training data well but doesn’t generalize as effectively, capturing only some test patterns.

The model is slightly overfitting; adjustments may be needed to improve generalization on unseen data.

Moderate Test, Moderate Train

The model shows balanced but moderate performance on both datasets, capturing some patterns but missing others.

The model is moderately fitting; further improvements could be made in both training and generalization.

Moderate Test, Low Train

The model underperforms on training data and doesn’t generalize well, leading to moderate test performance.

The model may need more complexity, additional features, or better training to improve on both datasets.

Low Test, High Train

The model overfits the training data, performing poorly on the test set.

The model doesn’t generalize well; simplifying the model or using regularization may help reduce overfitting.

Low Test, Low Train

The model performs poorly on both training and test datasets, failing to learn the data patterns effectively.

The model is underfitting; it may need more complexity, additional features, or more data to improve performance.

Recommendations for Publishing Results#

When publishing results, scenarios with moderate train and moderate test performance can be used for complex phenotypes or diseases. However, results showing high train and moderate test, high train and high test, and moderate train and high test are recommended.

For most continuous phenotypes, results typically fall in the moderate train and moderate test performance category.

2. Reporting Generalized Performance:#

  • One can also report the generalized performance by calculating the difference between the training and test performance, and the sum of the test and training performance. Report the result or hyperparameter combination for which the sum is high and the difference is minimal.

  • Example code:

    df = divided_result.copy()
    df['Difference'] = abs(df['Train_best_model'] - df['Test_best_model'])
    df['Sum'] = df['Train_best_model'] + df['Test_best_model']
    
    sorted_df = df.sort_values(by=['Sum', 'Difference'], ascending=[False, True])
    print(sorted_df.iloc[0].to_markdown())
    

3. Reporting Hyperparameters Affecting Test and Train Performance:#

  • Find the hyperparameters that have more than one unique value and calculate their correlation with the following columns to understand how they are affecting the performance of train and test sets:

    • Train_null_model

    • Train_pure_prs

    • Train_best_model

    • Test_pure_prs

    • Test_null_model

    • Test_best_model

4. Other Analysis#

  1. Once you have the results, you can find how hyperparameters affect the model performance.

  2. Analysis, like overfitting and underfitting, can be performed as well.

  3. The way you are going to report the results can vary.

  4. Results can be visualized, and other patterns in the data can be explored.

import pandas as pd
import seaborn as sns
import matplotlib.pyplot as plt
%matplotlib notebook

import matplotlib
import numpy as np
import matplotlib.pyplot as plt

df = divided_result.sort_values(by='Train_best_model', ascending=False)
print("1. Reporting Based on Best Training Performance:\n")
print(df.iloc[0].to_markdown())


 
df = divided_result.copy()

# Plot Train and Test best models against p-values
plt.figure(figsize=(10, 6))
plt.plot(df['pvalue'], df['Train_best_model'], label='Train_best_model', marker='o', color='royalblue')
plt.plot(df['pvalue'], df['Test_best_model'], label='Test_best_model', marker='o', color='darkorange')

# Highlight the p-value where both train and test are high
best_index = df[['Train_best_model']].sum(axis=1).idxmax()
best_pvalue = df.loc[best_index, 'pvalue']
best_train = df.loc[best_index, 'Train_best_model']
best_test = df.loc[best_index, 'Test_best_model']

# Use dark colors for the circles
plt.scatter(best_pvalue, best_train, color='darkred', s=100, label=f'Best Performance (Train)', edgecolor='black', zorder=5)
plt.scatter(best_pvalue, best_test, color='darkblue', s=100, label=f'Best Performance (Test)', edgecolor='black', zorder=5)

# Annotate the best performance with p-value, train, and test values
plt.text(best_pvalue, best_train, f'p={best_pvalue:.4g}\nTrain={best_train:.4g}', ha='right', va='bottom', fontsize=9, color='darkred')
plt.text(best_pvalue, best_test, f'p={best_pvalue:.4g}\nTest={best_test:.4g}', ha='right', va='top', fontsize=9, color='darkblue')

# Calculate Difference and Sum
df['Difference'] = abs(df['Train_best_model'] - df['Test_best_model'])
df['Sum'] = df['Train_best_model'] + df['Test_best_model']

# Sort the DataFrame
sorted_df = df.sort_values(by=['Sum', 'Difference'], ascending=[False, True])
#sorted_df = df.sort_values(by=[ 'Difference','Sum'], ascending=[  True,False])

# Highlight the general performance
general_index = sorted_df.index[0]
general_pvalue = sorted_df.loc[general_index, 'pvalue']
general_train = sorted_df.loc[general_index, 'Train_best_model']
general_test = sorted_df.loc[general_index, 'Test_best_model']

plt.scatter(general_pvalue, general_train, color='darkgreen', s=150, label='General Performance (Train)', edgecolor='black', zorder=6)
plt.scatter(general_pvalue, general_test, color='darkorange', s=150, label='General Performance (Test)', edgecolor='black', zorder=6)

# Annotate the general performance with p-value, train, and test values
plt.text(general_pvalue, general_train, f'p={general_pvalue:.4g}\nTrain={general_train:.4g}', ha='left', va='bottom', fontsize=9, color='darkgreen')
plt.text(general_pvalue, general_test, f'p={general_pvalue:.4g}\nTest={general_test:.4g}', ha='left', va='top', fontsize=9, color='darkorange')

# Add labels and legend
plt.xlabel('p-value')
plt.ylabel('Model Performance')
plt.title('Train vs Test Best Models')
plt.legend()
plt.show()
 




print("2. Reporting Generalized Performance:\n")
df = divided_result.copy()
df['Difference'] = abs(df['Train_best_model'] - df['Test_best_model'])
df['Sum'] = df['Train_best_model'] + df['Test_best_model']
sorted_df = df.sort_values(by=['Sum', 'Difference'], ascending=[False, True])
print(sorted_df.iloc[0].to_markdown())


print("3. Reporting the correlation of hyperparameters and the performance of 'Train_null_model', 'Train_pure_prs', 'Train_best_model', 'Test_pure_prs', 'Test_null_model', and 'Test_best_model':\n")

print("3. For string hyperparameters, we used one-hot encoding to find the correlation between string hyperparameters and 'Train_null_model', 'Train_pure_prs', 'Train_best_model', 'Test_pure_prs', 'Test_null_model', and 'Test_best_model'.")

print("3. We performed this analysis for those hyperparameters that have more than one unique value.")

correlation_columns = [
 'Train_null_model', 'Train_pure_prs', 'Train_best_model',
 'Test_pure_prs', 'Test_null_model', 'Test_best_model'
]

hyperparams = [col for col in divided_result.columns if len(divided_result[col].unique()) > 1]
hyperparams = list(set(hyperparams+correlation_columns))
 
# Separate numeric and string columns
numeric_hyperparams = [col for col in hyperparams if pd.api.types.is_numeric_dtype(divided_result[col])]
string_hyperparams = [col for col in hyperparams if pd.api.types.is_string_dtype(divided_result[col])]


# Encode string columns using one-hot encoding
divided_result_encoded = pd.get_dummies(divided_result, columns=string_hyperparams)

# Combine numeric hyperparams with the new one-hot encoded columns
encoded_columns = [col for col in divided_result_encoded.columns if col.startswith(tuple(string_hyperparams))]
hyperparams = numeric_hyperparams + encoded_columns
 

# Calculate correlations
correlations = divided_result_encoded[hyperparams].corr()
 
# Display correlation of hyperparameters with train/test performance columns
hyperparam_correlations = correlations.loc[hyperparams, correlation_columns]
 
hyperparam_correlations = hyperparam_correlations.fillna(0)

# Plotting the correlation heatmap
plt.figure(figsize=(12, 8))
ax = sns.heatmap(hyperparam_correlations, annot=True, cmap='viridis', fmt='.2f', cbar=True)
ax.set_xticklabels(ax.get_xticklabels(), rotation=90, ha='right')

# Rotate y-axis labels to horizontal
#ax.set_yticklabels(ax.get_yticklabels(), rotation=0, va='center')

plt.title('Correlation of Hyperparameters with Train/Test Performance')
#plt.show() 

sns.set_theme(style="whitegrid")  # Choose your preferred style
pairplot = sns.pairplot(divided_result_encoded[hyperparams],hue = 'Test_best_model', palette='viridis')

# Adjust the figure size
pairplot.fig.set_size_inches(15, 15)  # You can adjust the size as needed

for ax in pairplot.axes.flatten():
    ax.set_xlabel(ax.get_xlabel(), rotation=90, ha='right')  # X-axis labels vertical
    #ax.set_ylabel(ax.get_ylabel(), rotation=0, va='bottom')  # Y-axis labels horizontal

# Show the plot
#plt.show()
1. Reporting Based on Best Training Performance:

|                  | 1019                            |
|:-----------------|:--------------------------------|
| clump_p1         | 1.0                             |
| clump_r2         | 0.1                             |
| clump_kb         | 200.0                           |
| p_window_size    | 200.0                           |
| p_slide_size     | 50.0                            |
| p_LD_threshold   | 0.25                            |
| pvalue           | 1.0                             |
| ldradius         | 5.0                             |
| numberofpca      | 6.0                             |
| tempalpha        | 0.1                             |
| l1weight         | 0.1                             |
| Train_pure_prs   | -1.00994220788575e-05           |
| Train_null_model | 0.24273762898695278             |
| Train_best_model | 0.29123834524280623             |
| Test_pure_prs    | -1.5090169878329007e-05         |
| Test_null_model  | 0.15469779061118089             |
| Test_best_model  | 0.226136773444645               |
| ldfilename       | ld.h5_P+T_r0.20_p1.0000e-01.txt |
| colname          | updated_pval_beta               |
2. Reporting Generalized Performance:

|                  | 237                             |
|:-----------------|:--------------------------------|
| clump_p1         | 1.0                             |
| clump_r2         | 0.1                             |
| clump_kb         | 200.0                           |
| p_window_size    | 200.0                           |
| p_slide_size     | 50.0                            |
| p_LD_threshold   | 0.25                            |
| pvalue           | 0.1291549665014882              |
| ldradius         | 4.0                             |
| numberofpca      | 6.0                             |
| tempalpha        | 0.1                             |
| l1weight         | 0.1                             |
| Train_pure_prs   | -5.2302694186767695e-06         |
| Train_null_model | 0.24273762898695278             |
| Train_best_model | 0.29015446398618217             |
| Test_pure_prs    | -8.425041513437925e-06          |
| Test_null_model  | 0.15469779061118089             |
| Test_best_model  | 0.23501044618007738             |
| ldfilename       | ld.h5_P+T_r0.20_p1.0000e+00.txt |
| colname          | updated_pval_beta               |
| Difference       | 0.055144017806104784            |
| Sum              | 0.5251649101662595              |
3. Reporting the correlation of hyperparameters and the performance of 'Train_null_model', 'Train_pure_prs', 'Train_best_model', 'Test_pure_prs', 'Test_null_model', and 'Test_best_model':

3. For string hyperparameters, we used one-hot encoding to find the correlation between string hyperparameters and 'Train_null_model', 'Train_pure_prs', 'Train_best_model', 'Test_pure_prs', 'Test_null_model', and 'Test_best_model'.
3. We performed this analysis for those hyperparameters that have more than one unique value.